From dbb101de72c1ec99fcf0a261003f064a23bfcf76 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sat, 22 Jun 2024 15:43:29 -0500 Subject: [PATCH 01/24] Replaced cross validation with log heuristic to select number of neurons --- docs/src/api.md | 11 +- docs/src/index.md | 6 +- src/CausalELM.jl | 1 - src/crossval.jl | 228 -------------------------------------- src/estimators.jl | 148 +++++++++++-------------- src/inference.jl | 10 +- src/metalearners.jl | 183 ++++++++---------------------- src/model_validation.jl | 8 +- src/utilities.jl | 6 - test/runtests.jl | 1 - test/test_crossval.jl | 165 --------------------------- test/test_inference.jl | 56 +++++----- test/test_metalearners.jl | 2 +- 13 files changed, 149 insertions(+), 676 deletions(-) delete mode 100644 src/crossval.jl delete mode 100644 test/test_crossval.jl diff --git a/docs/src/api.md b/docs/src/api.md index 3ccdbf86..f840feae 100644 --- a/docs/src/api.md +++ b/docs/src/api.md @@ -41,16 +41,6 @@ elish fourier ``` -## Cross Validation -```@docs -CausalELM.generate_folds -CausalELM.generate_temporal_folds -CausalELM.validation_loss -CausalELM.cross_validate -CausalELM.best_size -CausalELM.shuffle_data -``` - ## Average Causal Effect Estimators ```@docs CausalELM.g_formula! @@ -58,6 +48,7 @@ CausalELM.causal_loss! CausalELM.predict_residuals CausalELM.make_folds CausalELM.moving_average +CausalELM.generate_folds ``` ## Metalearners diff --git a/docs/src/index.md b/docs/src/index.md index 57c2583e..d4b926cb 100644 --- a/docs/src/index.md +++ b/docs/src/index.md @@ -57,9 +57,9 @@ these libraries are: flexibility for a simpler API, all of CausalELM's functionality can be used with just four lines of code. * As part of this design principle, CausalELM's estimators handle all of the work in - finding the best number of neurons during estimation. They create folds or rolling - rolling for time series data and use an extreme learning machine interpolator to find - the best number of neurons. + finding the best number of neurons during estimation. They use a simple log heuristic + for determining the number of neurons to use and automatically select the best ridge + penalty via generalized cross validation. * CausalELM's validate method, which is specific to each estimator, allows you to validate or test the sentitivity of an estimator to possible violations of identifying assumptions. * Unlike packages that do not allow you to estimate p-values and standard errors, use diff --git a/src/CausalELM.jl b/src/CausalELM.jl index f53299e0..6eb2af6a 100644 --- a/src/CausalELM.jl +++ b/src/CausalELM.jl @@ -26,7 +26,6 @@ include("utilities.jl") include("activation.jl") include("models.jl") include("metrics.jl") -include("crossval.jl") include("estimators.jl") include("metalearners.jl") include("inference.jl") diff --git a/src/crossval.jl b/src/crossval.jl deleted file mode 100644 index b41825d6..00000000 --- a/src/crossval.jl +++ /dev/null @@ -1,228 +0,0 @@ -using Random: randperm - -""" - generate_folds(X, Y, folds) - -Create folds for cross validation. - -# Examples -```jldoctest -julia> xfolds, y_folds = CausalELM.generate_folds(zeros(4, 2), zeros(4), 2) -([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]]) -``` -""" -function generate_folds(X, Y, folds) - msg = """the number of folds must be less than the number of observations""" - n = length(Y) - - if folds >= n - throw(ArgumentError(msg)) - end - - fold_setx = Array{Array{Float64,2}}(undef, folds) - fold_sety = Array{Array{Float64,1}}(undef, folds) - - # Indices to start and stop for each fold - stops = round.(Int, range(; start=1, stop=n, length=folds + 1)) - - # Indices to use for making folds - indices = [s:(e - (e < n) * 1) for (s, e) in zip(stops[1:(end - 1)], stops[2:end])] - - for (i, idx) in enumerate(indices) - fold_setx[i], fold_sety[i] = X[idx, :], Y[idx] - end - - return fold_setx, fold_sety -end - -""" - generate_temporal_folds(X, Y, folds) - -Create rolling folds for cross validation of time series data. - -# Examples -```jldoctest -julia> xfolds, yfolds = CausalELM.generate_temporal_folds([1 1; 1 1; 0 0; 0 0], zeros(4), 2) -([[1 1; 1 1], [1 1; 1 1; 0 0; 0 0]], [[0.0, 0.0], [0.0, 0.0, 0.0, 0.0]]) -``` -""" -function generate_temporal_folds(X, Y, folds=5) - msg = """the number of folds must be less than the number of - observations and greater than or equal to iteration""" - n = length(Y) - - # Make sure there aren't more folds than observations - if folds >= n - throw(ArgumentError(msg)) - end - - # The indices are evely spaced and start at the top to make rolling splits for TS data - indices = Int.(floor.(collect(range(1, size(X, 1), folds + 1)))) - x_folds, y_folds = [X[1:i, :] for i in indices[2:end]], [Y[1:i] for i in indices[2:end]] - - return x_folds, y_folds -end - -""" - validation_loss(xtrain, ytrain, xtest, ytest, nodes, metric; kwargs...) - -Calculate a validation metric for a single fold in k-fold cross validation. - -# Arguments -- `xtrain::Any`: an array of features to train on. -- `ytrain::Any`: an array of training labels. -- `xtest::Any`: an array of features to test on. -- `ytrain::Any`: an array of testing labels. -- `nodes::Int`: the number of neurons in the extreme learning machine. -- `metric::Function`: the validation metric to calculate. - -# Keywords -- `activation::Function=relu`: the activation function to use. -- `regularized::Function=true`: whether to use L2 regularization. - -# Examples -```julia -julia> x = rand(100, 5); y = Float64.(rand(100) .> 0.5) -julia> validation_loss(x, y, 5, accuracy, 3) -0.5402532843396273 -``` -""" -function validation_loss( - xtrain, ytrain, xtest, ytest, nodes, metric; activation=relu, regularized=true -) - if regularized - network = RegularizedExtremeLearner(xtrain, ytrain, nodes, activation) - else - network = ExtremeLearner(xtrain, ytrain, nodes, activation) - end - - fit!(network) - predictions = predict(network, xtest) - - return metric(ytest[1, :], predictions[1, :]) -end - -""" - cross_validate(X, Y, neurons, metric, activation, regularized, folds, temporal) - -Calculate a validation metric for k folds using a single set of hyperparameters. - -# Arguments -- `X::Array`: array of features to train on. -- `Y::Vector`: vector of labels to train on. -- `neurons::Int`: number of neurons to use in the extreme learning machine. -- `metric::Function`: validation metric to calculate. -- `activation::Function=relu`: activation function to use. -- `regularized::Function=true`: whether to use L2 regularization -- `folds::Int`: number of folds to use for cross validation. -- `temporal::Function=true`: whether the data is of a time series or panel nature. - -# Examples -```julia -julia> x = rand(100, 5); y = Float64.(rand(100) .> 0.5) -julia> cross_validate(x, y, 5, accuracy) -0.8891028047100136 -``` -""" -function cross_validate(X, Y, neurons, metric, activation, regularized, folds, temporal) - mean_metric = 0.0 - xfs, yfs = temporal ? generate_temporal_folds(X, Y, folds) : generate_folds(X, Y, folds) - - @inbounds for fold in 1:folds - if !temporal - xtr = reduce(vcat, [xfs[f] for f in 1:folds if f != fold]) - ytr = reduce(vcat, [yfs[f] for f in 1:folds if f != fold]) - xtst, ytst = xfs[fold], yfs[fold] - # The last fold can't be used to training since it will leave nothing to predict - elseif temporal && fold < folds - xtr, ytr = reduce(vcat, xfs[1:fold]), reduce(vcat, yfs[1:fold]) - xtst, ytst = reduce(vcat, xfs[(fold + 1):end]), - reduce(vcat, yfs[(fold + 1):end]) - else - continue - end - - mean_metric += validation_loss( - xtr, - ytr, - xtst, - ytst, - neurons, - metric; - activation=activation, - regularized=regularized, - ) - end - return mean_metric / folds -end - -""" - best_size(m) - -Compute the best number of neurons for an estimator. - -# Notes -The procedure tests networks with numbers of neurons in a sequence whose length is given -by iterations on the interval [min_neurons, max_neurons]. Then, it uses the networks -sizes and validation errors from the sequence to predict the validation error or metric -for every network size between min_neurons and max_neurons using the function -approximation ability of an Extreme Learning Machine. Finally, it returns the network -size with the best predicted validation error or metric. - -# Arguments -- `m::Any`: estimator to find the best number of neurons for. - -# Examples -```julia -julia> X, T, Y = rand(100, 5), rand(0:1, 100), rand(100) -julia> m1 = GComputation(X, T, y) -julia> best_size(m1) -8 -``` -""" -function best_size(m) - loss = Vector{Float64}(undef, m.iterations) - num_neurons = round.(Int, range(m.min_neurons, m.max_neurons; length=m.iterations)) - (X, Y) = m isa InterruptedTimeSeries ? (m.X₀, m.Y₀) : (m.X, m.Y) - - # Use cross validation to get testing loss from [min_neurons, max_neurons] by iterations - @inbounds for (idx, potential_neurons) in pairs(num_neurons) - loss[idx] = cross_validate( - X, - Y, - round(Int, potential_neurons), - m.validation_metric, - m.activation, - m.regularized, - m.folds, - m.temporal, - ) - end - - # Use an extreme learning machine to learn a function F:num_neurons -> loss - mapper = ExtremeLearner( - reshape(num_neurons, :, 1), reshape(loss, :, 1), m.approximator_neurons, relu - ) - fit!(mapper) - pred_metrics = predict(mapper, Float64[(m.min_neurons):(m.max_neurons);]) - return ifelse(startswith(m.task, "c"), argmax([pred_metrics]), argmin([pred_metrics])) -end - -""" - shuffle_data(X, Y) - -Shuffles covariates and outcome vector for cross validation. - -# Examples -```julia -julia> shuffle_data([1 1; 2 2; 3 3; 4 4], collect(1:4)) -([4 4; 2 2; 1 1; 3 3], [4, 2, 1, 3]) -``` -""" -function shuffle_data(X, Y) - idx = randperm(size(X, 1)) - new_data = mapslices.(x -> x[idx], [X, Y], dims=1) - X, Y = new_data - - return Array(X), vec(Y) -end diff --git a/src/estimators.jl b/src/estimators.jl index 89cbc5ee..9f870300 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -15,20 +15,15 @@ Initialize an interrupted time series estimator. # Keywords - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between - min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator - network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. +the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For a simple linear regression-based tutorial on interrupted time series analysis see: @@ -67,15 +62,9 @@ function InterruptedTimeSeries( Y₁; regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X₀, 1) / 10), - approximator_neurons::Real=round(size(X₀, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X₀, 2)) * size(X₀, 1)), autoregression::Bool=true, ) - # Convert to arrays X₀, X₁, Y₀, Y₁ = Matrix{Float64}(X₀), Matrix{Float64}(X₁), Y₀[:, 1], Y₁[:, 1] @@ -83,6 +72,8 @@ function InterruptedTimeSeries( X₀ = ifelse(autoregression == true, reduce(hcat, (X₀, moving_average(Y₀))), X₀) X₁ = ifelse(autoregression == true, reduce(hcat, (X₁, moving_average(Y₁))), X₁) + task = var_type(Y₀) isa Binary ? "classification" : "regression" + return InterruptedTimeSeries( X₀, Float64.(Y₀), @@ -90,16 +81,10 @@ function InterruptedTimeSeries( Float64.(Y₁), "difference", true, - "regression", + task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(Y₁, 1)), ) end @@ -119,21 +104,15 @@ Initialize a G-Computation estimator. treatment effect on the treated. - `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross - validation. -- `min_neurons::Real: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between - min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator - network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. +the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For a good overview of G-Computation see: @@ -173,12 +152,7 @@ mutable struct GComputation <: CausalEstimator regularized::Bool=true, activation::Function=relu, temporal::Bool=true, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), ) if quantity_of_interest ∉ ("ATE", "ITT", "ATT") throw(ArgumentError("quantity_of_interest must be ATE, ITT, or ATT")) @@ -198,13 +172,7 @@ mutable struct GComputation <: CausalEstimator task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, NaN, ) end @@ -221,23 +189,19 @@ Initialize a double machine learning estimator with cross fitting. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `W::Any`: an array or dataframe of all possible confounders. +- `W::Any`: array or dataframe of all possible confounders. - `regularized::Function=true`: whether to use L2 regularization -- `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between - min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator - network. +- `activation::Function=relu`: activation function to use. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `folds::Integer`: number of folds to use for cross fitting. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. +the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. Unlike other estimators, this method does not support time series or panel data. This method also does not work as well with smaller datasets because it estimates separate outcome @@ -249,7 +213,6 @@ For more information see: Whitney Newey, and James Robins. "Double/debiased machine learning for treatment and structural parameters." (2016): C1-C68. - For details and a derivation of the generalized cross validation estimator see: Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. @@ -258,16 +221,16 @@ For details and a derivation of the generalized cross validation estimator see: ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = DoubleMachineLearning(X, T, Y) -julia> m2 = DoubleMachineLearning(X, T, Y; task="regression") julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) -julia> m3 = DoubleMachineLearning(x_df, t_df, y_df) +julia> m2 = DoubleMachineLearning(x_df, t_df, y_df) ``` """ mutable struct DoubleMachineLearning <: CausalEstimator @double_learner_input_data @model_config average_effect + folds::Integer end function DoubleMachineLearning( @@ -277,14 +240,9 @@ function DoubleMachineLearning( W=X, regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + folds::Integer=5, ) - # Convert to arrays X, T, Y, W = Matrix{Float64}(X), T[:, 1], Y[:, 1], Matrix{Float64}(W) @@ -300,14 +258,9 @@ function DoubleMachineLearning( task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, NaN, + folds, ) end @@ -324,11 +277,6 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(its::InterruptedTimeSeries) - # We will not find the best number of neurons after we have already estimated the causal - # effect and are getting p-values, confidence intervals, or standard errors. We will use - # the same number that was found when calling this method. - its.num_neurons = its.num_neurons === 0 ? best_size(its) : its.num_neurons - if its.regularized learner = RegularizedExtremeLearner(its.X₀, its.Y₀, its.num_neurons, its.activation) else @@ -376,8 +324,6 @@ function g_formula!(g) Xᵤ = hcat(covariates[g.T .== 1, 1:(end - 1)], zeros(size(g.T[g.T .== 1], 1))) end - g.num_neurons = g.num_neurons === 0 ? best_size(g) : g.num_neurons - if g.regularized g.learner = RegularizedExtremeLearner(covariates, y, g.num_neurons, g.activation) else @@ -407,9 +353,6 @@ julia> estimate_causal_effect!(m2) ``` """ function estimate_causal_effect!(DML::DoubleMachineLearning) - # Uses the same number of neurons for all phases of estimation - DML.num_neurons = DML.num_neurons === 0 ? best_size(DML) : DML.num_neurons - causal_loss!(DML) DML.causal_effect /= DML.folds @@ -517,6 +460,41 @@ function make_folds(D) return X, T, W, Y end +""" + generate_folds(X, Y, folds) + +Create folds for cross validation. + +# Examples +```jldoctest +julia> xfolds, y_folds = CausalELM.generate_folds(zeros(4, 2), zeros(4), 2) +([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]]) +``` +""" +function generate_folds(X, Y, folds) + msg = """the number of folds must be less than the number of observations""" + n = length(Y) + + if folds >= n + throw(ArgumentError(msg)) + end + + fold_setx = Array{Array{Float64,2}}(undef, folds) + fold_sety = Array{Array{Float64,1}}(undef, folds) + + # Indices to start and stop for each fold + stops = round.(Int, range(; start=1, stop=n, length=folds + 1)) + + # Indices to use for making folds + indices = [s:(e - (e < n) * 1) for (s, e) in zip(stops[1:(end - 1)], stops[2:end])] + + for (i, idx) in enumerate(indices) + fold_setx[i], fold_sety[i] = X[idx, :], Y[idx] + end + + return fold_setx, fold_sety +end + """ moving_average(x) diff --git a/src/inference.jl b/src/inference.jl index 1fcbad0f..2263364f 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -47,9 +47,7 @@ function summarize(mod, n=1000) "Regularized", "Activation Function", "Time Series/Panel Data", - "Validation Metric", "Number of Neurons", - "Number of Neurons in Approximator", "Causal Effect", "Standard Error", "p-value", @@ -63,9 +61,7 @@ function summarize(mod, n=1000) mod.regularized, mod.activation, mod.temporal, - mod.validation_metric, mod.num_neurons, - mod.approximator_neurons, mod.causal_effect, stderr, p, @@ -112,9 +108,7 @@ function summarize(its::InterruptedTimeSeries, n=1000, mean_effect=true) "Task", "Regularized", "Activation Function", - "Validation Metric", "Number of Neurons", - "Number of Neurons in Approximator", "Causal Effect", "Standard Error", "p-value", @@ -124,9 +118,7 @@ function summarize(its::InterruptedTimeSeries, n=1000, mean_effect=true) "Regression", its.regularized, its.activation, - its.validation_metric, its.num_neurons, - its.approximator_neurons, effect, stderr, p, @@ -173,7 +165,7 @@ function generate_null_distribution(mod, n) # Generate random treatment assignments and estimate the causal effects for iter in 1:n - + # Sample from a continuous distribution if the treatment is continuous if var_type(mod.T) isa Continuous m.T = (maximum(m.T) - minimum(m.T)) .* rand(nobs) .+ minimum(m.T) diff --git a/src/metalearners.jl b/src/metalearners.jl index 6b358d6c..feb32293 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -14,20 +14,15 @@ Initialize a S-Learner. # Keywords - `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between -min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator -network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. +in the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For an overview of S-Learners and other metalearners see: @@ -63,12 +58,7 @@ mutable struct SLearner <: Metalearner Y; regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), ) # Convert to arrays @@ -85,13 +75,7 @@ mutable struct SLearner <: Metalearner task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(T, 1)), ) end @@ -110,24 +94,15 @@ Initialize a T-Learner. # Keywords - `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross -validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme -learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme -learner. -- `folds::Real`: the number of cross validation folds to find the best number of -neurons. -- `iterations::Real`: the number of iterations to perform cross validation between -min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator -network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. +in the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For an overview of T-Learners and other metalearners see: @@ -144,12 +119,11 @@ method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = TLearner(X, T, Y) -julia> m2 = TLearner(X, T, Y; task="regression") -julia> m3 = TLearner(X, T, Y; task="regression", regularized=true) +julia> m2 = TLearner(X, T, Y; regularized=false) julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) -julia> m4 = TLearner(x_df, t_df, y_df) +julia> m3 = TLearner(x_df, t_df, y_df) ``` """ mutable struct TLearner <: Metalearner @@ -164,14 +138,8 @@ mutable struct TLearner <: Metalearner Y; regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), ) - # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] @@ -186,13 +154,7 @@ mutable struct TLearner <: Metalearner task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(T, 1)), ) end @@ -211,24 +173,15 @@ Initialize an X-Learner. # Keywords - `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross -validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme -learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme -learner. -- `folds::Real`: the number of cross validation folds to find the best number of -neurons. -- `iterations::Real`: the number of iterations to perform cross validation between -min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss -approximator network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. +in the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For an overview of X-Learners and other metalearners see: @@ -245,12 +198,11 @@ method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = XLearner(X, T, Y) -julia> m2 = XLearner(X, T, Y; task="regression") -julia> m3 = XLearner(X, T, Y; task="regression", regularized=true) +julia> m2 = XLearner(X, T, Y; regularized=false) julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) -julia> m4 = XLearner(x_df, t_df, y_df) +julia> m3 = XLearner(x_df, t_df, y_df) ``` """ mutable struct XLearner <: Metalearner @@ -266,14 +218,8 @@ mutable struct XLearner <: Metalearner Y; regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), ) - # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] @@ -288,13 +234,7 @@ mutable struct XLearner <: Metalearner task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(T, 1)), ) end @@ -312,22 +252,18 @@ Initialize an R-Learner. # Keywords - `W::Any` : an array of all possible confounders. -- `regularized::Function=true`: whether to use L2 regularization +- `regularized::Function=true`: whether to use L2 regularizations - `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between - min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator - network. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `folds::Integer`: number of folds to use for cross fitting. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. +the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. ## References For an explanation of R-Learner estimation see: @@ -342,19 +278,19 @@ For details and a derivation of the generalized cross validation estimator see: ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = RLearner(X, T, Y) -julia> m2 = RLearner(X, T, Y; t_cat=true) julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) -julia> m4 = RLearner(x_df, t_df, y_df) +julia> m2 = RLearner(x_df, t_df, y_df) julia> w = rand(100, 6) -julia> m5 = RLearner(X, T, Y, W=w) +julia> m3 = RLearner(X, T, Y, W=w) ``` """ mutable struct RLearner <: Metalearner @double_learner_input_data @model_config individual_effect + folds::Integer end function RLearner( @@ -363,12 +299,8 @@ function RLearner( Y; W=X, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - folds::Real=5, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + folds::Integer=5, ) # Convert to arrays @@ -386,14 +318,9 @@ function RLearner( task, true, activation, - validation_metric, - min_neurons, - max_neurons, - folds, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(T, 1)), + folds, ) end @@ -410,21 +337,16 @@ Initialize a doubly robust CATE estimator. # Keywords - `W::Any`: an array or dataframe of all possible confounders. - `regularized::Function=true`: whether to use L2 regularization -- `activation::Function=relu`: the activation function to use. -- `validation_metric::Function`: the validation metric to calculate during cross validation. -- `min_neurons::Real`: the minimum number of neurons to consider for the extreme learner. -- `max_neurons::Real`: the maximum number of neurons to consider for the extreme learner. -- `folds::Real`: the number of cross validation folds to find the best number of neurons. -- `iterations::Real`: the number of iterations to perform cross validation between - min_neurons and max_neurons. -- `approximator_neurons::Real`: the number of nuerons in the validation loss approximator - network. +- `activation::Function=relu`: activation function to use. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. +the previous penalty, then the procedure will stop early. If num_neurons is not specified +then the number of neurons will be set to log₍10₎(number of observations) * number of +features. # References For an explanation of doubly robust cate estimation see: @@ -439,19 +361,19 @@ For details and a derivation of the generalized cross validation estimator see: ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = DoublyRobustLearner(X, T, Y) -julia> m2 = DoublyRobustLearnerLearner(X, T, Y; t_cat=true) julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) -julia> m4 = DoublyRobustLearner(x_df, t_df, y_df) +julia> m2 = DoublyRobustLearner(x_df, t_df, y_df) julia> w = rand(100, 6) -julia> m5 = DoublyRobustLearner(X, T, Y, W=w) +julia> m3 = DoublyRobustLearner(X, T, Y, W=w) ``` """ mutable struct DoublyRobustLearner <: Metalearner @double_learner_input_data @model_config individual_effect + folds::Integer end function DoublyRobustLearner( @@ -461,13 +383,9 @@ function DoublyRobustLearner( W=X, regularized::Bool=true, activation::Function=relu, - validation_metric::Function=mse, - min_neurons::Real=1, - max_neurons::Real=100, - iterations::Real=round(size(X, 1) / 10), - approximator_neurons::Real=round(size(X, 1) / 10), + num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + folds::Integer=5, ) - # Convert to arrays X, T, Y, W = Matrix{Float64}(X), T[:, 1], Y[:, 1], Matrix{Float64}(W) @@ -483,14 +401,9 @@ function DoublyRobustLearner( task, regularized, activation, - validation_metric, - min_neurons, - max_neurons, - 2, - iterations, - approximator_neurons, - 0, + num_neurons, fill(NaN, size(T, 1)), + folds, ) end @@ -691,7 +604,7 @@ function estimate_causal_effect!(DRE::DoublyRobustLearner) DRE.num_neurons = DRE.num_neurons === 0 ? best_size(DRE) : DRE.num_neurons # Rotating folds for cross fitting - for i in 1:(DRE.folds) + for i in 1:2 causal_effect .+= doubly_robust_formula!(DRE, X, T, Y, Z) X, T, Y, Z = [X[2], X[1]], [T[2], T[1]], [Y[2], Y[1]], [Z[2], Z[1]] end diff --git a/src/model_validation.jl b/src/model_validation.jl index c51bc032..6400f1ae 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -719,12 +719,12 @@ function positivity(model::XLearner, min=1.0e-6, max=1 - min) end function positivity(model::Union{DoubleMachineLearning,RLearner}, min=1.0e-6, max=1 - min) - num_neurons = best_size(model) - if model.regularized - ps_mod = RegularizedExtremeLearner(model.X, model.T, num_neurons, model.activation) + ps_mod = RegularizedExtremeLearner( + model.X, model.T, model.num_neurons, model.activation + ) else - ps_mod = ExtremeLearner(model.X, model.T, num_neurons, model.activation) + ps_mod = ExtremeLearner(model.X, model.T, model.num_neurons, model.activation) end fit!(ps_mod) diff --git a/src/utilities.jl b/src/utilities.jl index 9bcd3917..0a47cb8f 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -105,12 +105,6 @@ macro model_config(effect_type) task::String regularized::Bool activation::Function - validation_metric::Function - min_neurons::Int64 - max_neurons::Int64 - folds::Int64 - iterations::Int64 - approximator_neurons::Int64 num_neurons::Int64 causal_effect::$field_type end diff --git a/test/runtests.jl b/test/runtests.jl index a801b185..51d898f8 100644 --- a/test/runtests.jl +++ b/test/runtests.jl @@ -3,7 +3,6 @@ using Test, Documenter, CausalELM include("test_activation.jl") include("test_models.jl") include("test_metrics.jl") -include("test_crossval.jl") include("test_estimators.jl") include("test_metalearners.jl") include("test_inference.jl") diff --git a/test/test_crossval.jl b/test/test_crossval.jl deleted file mode 100644 index 58eb508f..00000000 --- a/test/test_crossval.jl +++ /dev/null @@ -1,165 +0,0 @@ -using Test -using CausalELM - -using CausalELM: relu -include("../src/crossval.jl") - -x, y = shuffle_data(rand(100, 5), Float64.([rand() < 0.4 for i in 1:100])) -xfolds, yfolds = generate_folds(zeros(20, 2), zeros(20), 5) -xfolds_ts, yfolds_ts = generate_temporal_folds( - float.(hcat([1:10;], 11:20)), [1.0:1.0:10.0;], 5 -) - -X₀, Y₀, X₁, Y₁ = rand(100, 5), rand(100), rand(10, 5), rand(10) -its = InterruptedTimeSeries(X₀, Y₀, X₁, Y₁) - -X, T, Y = rand(100, 5), rand(100), [rand() < 0.4 for i in 1:100] -g_computation_regression = GComputation(X, T, Y) -g_computation_classification = GComputation(X, T, rand(0:1, 100)) - -@testset "Fold Generation" begin - @test_throws ArgumentError generate_folds(zeros(5, 2), zeros(5), 6) - @test_throws ArgumentError generate_folds(zeros(5, 2), zeros(5), 5) - @test size(xfolds, 1) == 5 - @test size(xfolds[1], 1) == 4 - @test size(xfolds[2], 2) == 2 - @test length(yfolds) == 5 - @test size(yfolds[1], 1) == 4 - @test size(yfolds[2], 2) == 1 - @test isa(xfolds, Array) - @test isa(yfolds, Array) - - # Time series or panel data - # Testing incorrect input - @test_throws ArgumentError generate_temporal_folds(zeros(5, 2), zeros(5), 6) - @test_throws ArgumentError generate_temporal_folds(zeros(5, 2), zeros(5), 5) - @test_throws ArgumentError generate_temporal_folds(zeros(10, 2), zeros(5), 6) - @test_throws ArgumentError generate_temporal_folds(zeros(10, 2), zeros(5), 5) - - @test size(xfolds_ts, 1) == 5 - @test size(xfolds_ts[1], 1) == 2 - @test size(xfolds_ts[2], 2) == 2 - @test length(yfolds_ts) == 5 - @test size(yfolds_ts[1], 1) == 2 - @test size(yfolds_ts[2], 2) == 1 - @test isa(xfolds_ts, Array) - @test isa(yfolds_ts, Array) -end - -@testset "Single cross validation iteration" begin - - # Regression: Not TS L2, TS L2 - @test isa( - validation_loss(rand(100, 5), rand(100), rand(20, 5), rand(20), 5, mse), Float64 - ) - @test isa( - validation_loss(rand(100, 5), rand(100), rand(20, 5), rand(20), 5, mse), Float64 - ) - @test isa( - validation_loss( - rand(100, 5), rand(100), rand(20, 5), rand(20), 5, mse; regularized=false - ), - Float64, - ) - @test isa( - validation_loss( - rand(100, 5), - rand(100), - rand(20, 5), - rand(20), - 5, - mse; - regularized=false, - activation=gelu, - ), - Float64, - ) - - # Classification: Not TS L2, TS L2 - @test isa( - validation_loss( - rand(100, 5), - Float64.(rand(100) .> 0.5), - rand(20, 5), - Float64.(rand(20) .> 0.5), - 5, - accuracy, - ), - Float64, - ) - @test isa( - validation_loss( - rand(100, 5), - Float64.(rand(100) .> 0.5), - rand(20, 5), - Float64.(rand(20) .> 0.5), - 5, - accuracy, - ), - Float64, - ) - @test isa( - validation_loss( - rand(100, 5), - Float64.(rand(100) .> 0.5), - rand(20, 5), - Float64.(rand(20) .> 0.5), - 5, - accuracy; - regularized=false, - activation=gelu, - ), - Float64, - ) - - @test isa( - validation_loss( - rand(100, 5), - Float64.(rand(100) .> 0.5), - rand(20, 5), - Float64.(rand(20) .> 0.5), - 5, - accuracy; - regularized=false, - ), - Float64, - ) -end - -@testset "Cross validation" begin - - # Regression - @test isa( - cross_validate(rand(100, 5), rand(100), 5, mse, relu, true, 5, false), Float64 - ) - @test isa( - cross_validate(rand(100, 5), rand(100), 5, mse, relu, false, 5, true), Float64 - ) - - # Classification - @test isa( - cross_validate( - rand(100, 5), Float64.(rand(100) .> 0.5), 5, accuracy, relu, true, 5, false - ), - Float64, - ) - @test isa( - cross_validate( - rand(100, 5), Float64.(rand(100) .> 0.5), 5, accuracy, relu, false, 5, true - ), - Float64, - ) -end - -@testset "Best network size" begin - @test 100 >= best_size(its) >= 1 - @test 100 >= best_size(g_computation_regression) >= 1 - @test 100 >= best_size(g_computation_classification) >= 1 -end - -@testset "Data Shuffling" begin - @test size(x) === (100, 5) - @test x isa Array{Float64} - @test size(y, 1) === 100 - @test y isa Vector{Float64} -end diff --git a/test/test_inference.jl b/test/test_inference.jl index 18a73cb6..07a63c1d 100644 --- a/test/test_inference.jl +++ b/test/test_inference.jl @@ -7,22 +7,22 @@ Float64.([rand() < 0.4 for i in 1:100]) g_computer = GComputation(x, t, y) estimate_causal_effect!(g_computer) -g_inference = CausalELM.generate_null_distribution(g_computer, 1000) -p1, stderr1 = CausalELM.quantities_of_interest(g_computer, 1000) -summary1 = summarize(g_computer) +g_inference = CausalELM.generate_null_distribution(g_computer, 10) +p1, stderr1 = CausalELM.quantities_of_interest(g_computer, 10) +summary1 = summarize(g_computer, 10) dm = DoubleMachineLearning(x, 5 * randn(100) .+ 2, y) estimate_causal_effect!(dm) -dm_inference = CausalELM.generate_null_distribution(dm, 1000) -p2, stderr2 = CausalELM.quantities_of_interest(dm, 1000) -summary2 = summarize(dm) +dm_inference = CausalELM.generate_null_distribution(dm, 10) +p2, stderr2 = CausalELM.quantities_of_interest(dm, 10) +summary2 = summarize(dm, 10) # With a continuous treatment variable dm_continuous = DoubleMachineLearning(x, t, rand(1:4, 100)) estimate_causal_effect!(dm_continuous) -dm_continuous_inference = CausalELM.generate_null_distribution(dm_continuous, 1000) -p3, stderr3 = CausalELM.quantities_of_interest(dm_continuous, 1000) -summary3 = summarize(dm_continuous) +dm_continuous_inference = CausalELM.generate_null_distribution(dm_continuous, 10) +p3, stderr3 = CausalELM.quantities_of_interest(dm_continuous, 10) +summary3 = summarize(dm_continuous, 10) x₀, y₀, x₁, y₁ = rand(1:100, 100, 5), rand(100), rand(10, 5), rand(10) its = InterruptedTimeSeries(x₀, y₀, x₁, y₁) @@ -36,47 +36,47 @@ p4, stderr4 = CausalELM.quantities_of_interest(its, 10, true) slearner = SLearner(x, t, y) estimate_causal_effect!(slearner) -summary5 = summarize(slearner) +summary5 = summarize(slearner, 10) tlearner = TLearner(x, t, y) estimate_causal_effect!(tlearner) -tlearner_inference = CausalELM.generate_null_distribution(tlearner, 1000) -p6, stderr6 = CausalELM.quantities_of_interest(tlearner, 1000) -summary6 = summarize(tlearner) +tlearner_inference = CausalELM.generate_null_distribution(tlearner, 10) +p6, stderr6 = CausalELM.quantities_of_interest(tlearner, 10) +summary6 = summarize(tlearner, 10) xlearner = XLearner(x, t, y) estimate_causal_effect!(xlearner) -xlearner_inference = CausalELM.generate_null_distribution(xlearner, 1000) -p7, stderr7 = CausalELM.quantities_of_interest(xlearner, 1000) -summary7 = summarize(xlearner) -summary8 = summarise(xlearner) +xlearner_inference = CausalELM.generate_null_distribution(xlearner, 10) +p7, stderr7 = CausalELM.quantities_of_interest(xlearner, 10) +summary7 = summarize(xlearner, 10) +summary8 = summarise(xlearner, 10) rlearner = RLearner(x, t, y) estimate_causal_effect!(rlearner) -summary9 = summarize(rlearner) +summary9 = summarize(rlearner, 10) -dr_learner = DoublyRobustLearner(x, t, y) +dr_learner = DoublyRobustLearner(x, t, y, regularized=false) estimate_causal_effect!(dr_learner) -dr_learner_inference = CausalELM.generate_null_distribution(dr_learner, 1000) -p8, stderr8 = CausalELM.quantities_of_interest(dr_learner, 1000) -summary10 = summarize(dr_learner) +dr_learner_inference = CausalELM.generate_null_distribution(dr_learner, 10) +p8, stderr8 = CausalELM.quantities_of_interest(dr_learner, 10) +summary10 = summarize(dr_learner, 10) @testset "Generating Null Distributions" begin - @test size(g_inference, 1) === 1000 + @test size(g_inference, 1) === 10 @test g_inference isa Array{Float64} - @test size(dm_inference, 1) === 1000 + @test size(dm_inference, 1) === 10 @test dm_inference isa Array{Float64} - @test size(dm_continuous_inference, 1) === 1000 + @test size(dm_continuous_inference, 1) === 10 @test dm_continuous_inference isa Array{Float64} @test size(its_inference1, 1) === 10 @test its_inference1 isa Array{Float64} @test size(its_inference2, 1) === 10 @test its_inference2 isa Array{Float64} - @test size(tlearner_inference, 1) === 1000 + @test size(tlearner_inference, 1) === 10 @test tlearner_inference isa Array{Float64} - @test size(xlearner_inference, 1) === 1000 + @test size(xlearner_inference, 1) === 10 @test xlearner_inference isa Array{Float64} - @test size(dr_learner_inference, 1) === 1000 + @test size(dr_learner_inference, 1) === 10 @test dr_learner_inference isa Array{Float64} end diff --git a/test/test_metalearners.jl b/test/test_metalearners.jl index c0bd6eba..149ab031 100644 --- a/test/test_metalearners.jl +++ b/test/test_metalearners.jl @@ -66,7 +66,7 @@ r_learner_df = RLearner(x_df, t_df, y_df) # Doubly Robust Estimation dr_learner = DoublyRobustLearner(x, t, y; W=rand(100, 4)) -X_T, Y = generate_folds( +X_T, Y = CausalELM.generate_folds( reduce(hcat, (dr_learner.X, dr_learner.T, dr_learner.W)), dr_learner.Y, 2 ) X = [fl[:, 1:size(dr_learner.X, 2)] for fl in X_T] From 2252b148b82a6512bae6c10639c6238a8ac439af Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sat, 22 Jun 2024 15:50:56 -0500 Subject: [PATCH 02/24] Updated release notes --- docs/src/release_notes.md | 10 +++++++++- 1 file changed, 9 insertions(+), 1 deletion(-) diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index bc71e7d1..8e718c6e 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -1,7 +1,15 @@ # Release Notes These release notes adhere to the [keep a changelog](https://keepachangelog.com/en/1.0.0/) format. Below is a list of changes since CausalELM was first released. -## Version [v0.6.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.0) - 2024-03-23 +## Version [v0.6.1](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.1) - 2024-06-22 +### Added + +### Changed +* Compute the number of neurons to use with log heuristic instead of cross validation [#62](https://github.com/dscolby/CausalELM.jl/issues/62) +### Fixed + + +## Version [v0.6.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.0) - 2024-06-15 ### Added * Implemented doubly robust learner for CATE estimation [#31](https://github.com/dscolby/CausalELM.jl/issues/31) * Provided better explanations of supported treatment and outcome variable types in the docs [#41](https://github.com/dscolby/CausalELM.jl/issues/41) From a1f78408e34669126eb37e9181231c59952379c5 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sat, 22 Jun 2024 23:55:07 -0500 Subject: [PATCH 03/24] Made inference optional --- docs/src/guide/doublemachinelearning.md | 22 ++++++----------- docs/src/guide/gcomputation.md | 22 +++++++---------- docs/src/guide/its.md | 24 ++++++++---------- docs/src/guide/metalearners.md | 5 ++-- docs/src/index.md | 2 +- docs/src/release_notes.md | 2 +- src/estimators.jl | 21 +++++----------- src/inference.jl | 33 +++++++++++++++++++------ src/metalearners.jl | 33 ++++++++----------------- test/test_inference.jl | 27 +++++++++++--------- 10 files changed, 89 insertions(+), 102 deletions(-) diff --git a/docs/src/guide/doublemachinelearning.md b/docs/src/guide/doublemachinelearning.md index de870e50..a143510e 100644 --- a/docs/src/guide/doublemachinelearning.md +++ b/docs/src/guide/doublemachinelearning.md @@ -36,15 +36,10 @@ to the W argument. Otherwise, the model assumes all possible confounders are con variables. !!! tip - You can also specify the following options: whether the treatment vector is categorical ie - not continuous and containing more than two classes, whether to use L2 regularization, the - activation function, the validation metric to use when searching for the best number of - neurons, the minimum and maximum number of neurons to consider, the number of folds to use - for cross validation, the number of iterations to perform cross validation, and the number - of neurons to use in the ELM used to learn the function from number of neurons to validation - loss. These arguments are specified with the following keyword arguments: t\_cat, - regularized, activation, validation\_metric, min\_neurons, max\_neurons, folds, iterations, - and approximator\_neurons. + You can also specify the following options: whether to use L2 regularization, the + activation function, the number of folds to use for cross fitting, and the number of + iterations to perform cross validation. These arguments are specified with the following + keyword arguments: regularized, activation, folds, and num\_neurons. ```julia # Create some data with a binary treatment X, T, Y, W = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100), rand(100, 4) @@ -74,11 +69,10 @@ randomization inference by passing our model to the summarize method. Calling the summarize method returns a dictionary with the estimator's task (regression or classification), the quantity of interest being estimated (ATE), whether the model uses an L2 penalty (always true for DML), the activation function used in the model's outcome -predictors, whether the data is temporal (always false for DML), the validation metric used -for cross validation to find the best number of neurons, the number of neurons used in the -ELMs used by the estimator, the number of neurons used in the ELM used to learn a mapping -from number of neurons to validation loss during cross validation, the causal effect, -standard error, and p-value. +predictors, whether the data is temporal (always false for DML), the number of neurons used +in the ELMs used by the estimator, the causal effect, standard error, and p-value. Due to +long running times, calculation of the p-value and standard error is not conducted and set +to NaN unless inference is set to true. ```julia # Can also use the British spelling # summarise(dml) diff --git a/docs/src/guide/gcomputation.md b/docs/src/guide/gcomputation.md index 950be7d9..3bb28081 100644 --- a/docs/src/guide/gcomputation.md +++ b/docs/src/guide/gcomputation.md @@ -27,13 +27,9 @@ continuous, time to event, and count outcome variables. !!! tip You can also specify the causal estimand, whether to employ L2 regularization, which - activation function to use, whether the data is of a temporal nature, the metric to use when - using cross validation to find the best number of neurons, the minimum number of neurons to - consider, the maximum number of neurons to consider, the number of folds to use during cross - caidation, and the number of neurons to use in the ELM that learns a mapping from number of - neurons to validation loss. These options are specified with the following keyword - arguments: quantity\_of\_interest, regularized, activation, temporal, validation\_metric, - min\_neurons, max\_neurons, folds, iterations, and approximator\_neurons. + activation function to use, whether the data is of a temporal nature, and the number of + neurons to use during estimation. These options are specified with the following keyword + arguments: quantity\_of\_interest, regularized, activation, temporal, and num\_neurons. !!! note Internally, the outcome model is treated as a regression since extreme learning machines @@ -66,12 +62,12 @@ We get a summary of the model that includes a p-value and standard error estimat asymptotic randomization inference by passing our model to the summarize method. Calling the summarize method returns a dictionary with the estimator's task (regression or -classification), the quantity of interest being estimated (ATE or ATT), whether the model -uses an L2 penalty, the activation function used in the model's outcome predictors, whether -the data is temporal, the validation metric used for cross validation to find the best -number of neurons, the number of neurons used in the ELMs used by the estimator, the number -of neurons used in the ELM used to learn a mapping from number of neurons to validation -loss during cross validation, the causal effect, standard error, and p-value. +classification), the quantity of interest being estimated (ATE), whether the model uses an +L2 penalty (always true for DML), the activation function used in the model's outcome +predictors, whether the data is temporal, the number of neurons used in the ELMs used by the +estimator, the causal effect, standard error, and p-value. Due to long running times, +calculation of the p-value and standard error is not conducted and set to NaN unless +inference is set to true. ```julia summarize(g_computer) ``` diff --git a/docs/src/guide/its.md b/docs/src/guide/its.md index 8fddf609..bd9c2678 100644 --- a/docs/src/guide/its.md +++ b/docs/src/guide/its.md @@ -45,14 +45,10 @@ continuous, count, or time to event variables. continuous variables. !!! tip - You can also specify whether or not to use L2 regularization, which activation function to - use, the metric to use when using cross validation to find the best number of neurons, the - minimum number of neurons to consider, the maximum number of neurons to consider, the number - of folds to use during cross caidation, the number of neurons to use in the ELM that learns - a mapping from number of neurons to validation loss, and whether to include a rolling + You can also specify whether or not to use L2 regularization, which activation function + to use, the number of neurons to use during estimation, and whether to include a rolling average autoregressive term. These options can be specified using the keyword arguments - regularized, activation, validation\_metric, min\_neurons, max\_neurons, folds, iterations, - approximator\_neurons, and autoregression. + regularized, activation, num\_neurons, and autoregression. ```julia # Generate some data to use @@ -78,13 +74,13 @@ estimate_causal_effect!(its) We can get a summary of the model, including a p-value and statndard via asymptotic randomization inference, by pasing the model to the summarize method. -Calling the summarize method returns a dictionary with the estimator's task (always -regression for interrupted time series analysis), whether the model uses an L2 penalty, -the activation function used in the model's outcome predictors, the validation metric used -for cross validation to find the best number of neurons, the number of neurons used in the -ELMs used by the estimator, the number of neurons used in the ELM used to learn a mapping -from number of neurons to validation loss during cross validation, the causal effect, -standard error, and p-value. +Calling the summarize method returns a dictionary with the estimator's task (regression or +classification), the quantity of interest being estimated (ATE), whether the model uses an +L2 penalty (always true for DML), the activation function used in the model's outcome +predictors, whether the data is temporal (always true for ITS), the number of neurons used +in the ELMs used by the estimator, the causal effect, standard error, and p-value. Due to +long running times, calculation of the p-value and standard error is not conducted and set +to NaN unless inference is set to true. ```julia summarize(its) ``` diff --git a/docs/src/guide/metalearners.md b/docs/src/guide/metalearners.md index f5cbe56e..b947aafb 100644 --- a/docs/src/guide/metalearners.md +++ b/docs/src/guide/metalearners.md @@ -13,9 +13,8 @@ continuous outcomes. !!! note If regularized is set to true then the ridge penalty will be estimated using generalized - cross validation where the maximum number of iterations is 2 * folds for the successive - halving procedure. However, if the penalty in on iteration is approximately the same as - in the previous penalty, then the procedure will stop early. + cross. However, if the penalty in on iteration is approximately the same as in the + previous penalty, then the procedure will stop early. !!! note For a deeper dive on S-learning, T-learning, and X-learning see: diff --git a/docs/src/index.md b/docs/src/index.md index d4b926cb..049798a1 100644 --- a/docs/src/index.md +++ b/docs/src/index.md @@ -34,7 +34,7 @@ for estimating treatment effects. * Includes 13 activation functions and allows user-defined activation functions * Most inference and validation tests do not assume functional or distributional forms * Implements the latest techniques form statistics, econometrics, and biostatistics -* Works out of the box with DataFrames or arrays +* Works out of the box with arrays or any data structure that implements teh Tables.jl interface * Codebase is high-quality, well tested, and regularly updated ### What's New? diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 8e718c6e..2cfd6ca5 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -6,9 +6,9 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ ### Changed * Compute the number of neurons to use with log heuristic instead of cross validation [#62](https://github.com/dscolby/CausalELM.jl/issues/62) +* Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) ### Fixed - ## Version [v0.6.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.0) - 2024-06-15 ### Added * Implemented doubly robust learner for CATE estimation [#31](https://github.com/dscolby/CausalELM.jl/issues/31) diff --git a/src/estimators.jl b/src/estimators.jl index 9f870300..452bd9e3 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -19,11 +19,8 @@ Initialize an interrupted time series estimator. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For a simple linear regression-based tutorial on interrupted time series analysis see: @@ -108,11 +105,8 @@ Initialize a G-Computation estimator. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For a good overview of G-Computation see: @@ -197,11 +191,8 @@ Initialize a double machine learning estimator with cross fitting. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. Unlike other estimators, this method does not support time series or panel data. This method also does not work as well with smaller datasets because it estimates separate outcome diff --git a/src/inference.jl b/src/inference.jl index 2263364f..696ff691 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -1,17 +1,21 @@ using Random: shuffle """ - summarize(mod, n) + summarize(mod, kwargs...) Get a summary from a CausalEstimator or Metalearner. # Arguments - `mod::Union{CausalEstimator, Metalearner}`: a model to summarize. + +# Keywords - `n::Int=100`: the number of iterations to generate the numll distribution for randomization inference. +- `inference::Bool`=false: wheteher calculate p-values and standard errors. # Notes -p-values and standard errors are estimated using approximate randomization inference. +p-values and standard errors are estimated using approximate randomization inference. If set +to true, this procedure takes a VERY long time due to repeated matrix inversions. # References For a primer on randomization inference see: @@ -33,7 +37,7 @@ julia> estimate_causal_effect!(m3) julia> summarise(m3) # British spelling works too! ``` """ -function summarize(mod, n=1000) +function summarize(mod; n=1000, inference=false) if all(isnan, mod.causal_effect) throw(ErrorException("call estimate_causal_effect! before calling summarize")) end @@ -53,7 +57,11 @@ function summarize(mod, n=1000) "p-value", ] - p, stderr = quantities_of_interest(mod, n) + if inference + p, stderr = quantities_of_interest(mod, n) + else + p, stderr = NaN, NaN + end values = [ task, @@ -75,16 +83,23 @@ function summarize(mod, n=1000) end """ - summarize(its, n, mean_effect) + summarize(its, kwargs...) Get a summary from an interrupted time series estimator. # Arguments - `its::InterruptedTimeSeries`: interrupted time series estimator + +# Keywords - `n::Int=100`: number of iterations to generate the numll distribution for randomization inference. - `mean_effect::Bool=true`: whether to estimate the mean or cumulative effect for an interrupted time series estimator. +- `inference::Bool`=false: wheteher calculate p-values and standard errors. + +# Notes +p-values and standard errors are estimated using approximate randomization inference. If set +to true, this procedure takes a VERY long time due to repeated matrix inversions. # Examples ```julia @@ -94,14 +109,18 @@ julia> estimate_causal_effect!(m4) julia> summarize(m4) ``` """ -function summarize(its::InterruptedTimeSeries, n=1000, mean_effect=true) +function summarize(its::InterruptedTimeSeries; n=1000, mean_effect=true, inference=false) if all(isnan, its.causal_effect) throw(ErrorException("call estimate_causal_effect! before calling summarize")) end effect = ifelse(mean_effect, mean(its.causal_effect), sum(its.causal_effect)) - p, stderr = quantities_of_interest(its, n, mean_effect) + if inference + p, stderr = quantities_of_interest(its, n, mean_effect) + else + p, stderr = NaN, NaN + end summary_dict = Dict() nicenames = [ diff --git a/src/metalearners.jl b/src/metalearners.jl index feb32293..e4dbd8d5 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -18,11 +18,8 @@ Initialize a S-Learner. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For an overview of S-Learners and other metalearners see: @@ -98,11 +95,8 @@ Initialize a T-Learner. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For an overview of T-Learners and other metalearners see: @@ -177,11 +171,8 @@ Initialize an X-Learner. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as -in the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +cross validation. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For an overview of X-Learners and other metalearners see: @@ -260,10 +251,8 @@ Initialize an R-Learner. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +halving procedure. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. ## References For an explanation of R-Learner estimation see: @@ -343,10 +332,8 @@ Initialize a doubly robust CATE estimator. # Notes If regularized is set to true then the ridge penalty will be estimated using generalized cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. However, if the penalty in on iteration is approximately the same as in -the previous penalty, then the procedure will stop early. If num_neurons is not specified -then the number of neurons will be set to log₍10₎(number of observations) * number of -features. +halving procedure. If num_neurons is not specified then the number of neurons will be set to +log₁₀(number of observations) * number of features. # References For an explanation of doubly robust cate estimation see: diff --git a/test/test_inference.jl b/test/test_inference.jl index 07a63c1d..7ff2dda2 100644 --- a/test/test_inference.jl +++ b/test/test_inference.jl @@ -9,25 +9,26 @@ g_computer = GComputation(x, t, y) estimate_causal_effect!(g_computer) g_inference = CausalELM.generate_null_distribution(g_computer, 10) p1, stderr1 = CausalELM.quantities_of_interest(g_computer, 10) -summary1 = summarize(g_computer, 10) +summary1 = summarize(g_computer, n=10, inference=true) dm = DoubleMachineLearning(x, 5 * randn(100) .+ 2, y) estimate_causal_effect!(dm) dm_inference = CausalELM.generate_null_distribution(dm, 10) p2, stderr2 = CausalELM.quantities_of_interest(dm, 10) -summary2 = summarize(dm, 10) +summary2 = summarize(dm, n=10) # With a continuous treatment variable dm_continuous = DoubleMachineLearning(x, t, rand(1:4, 100)) estimate_causal_effect!(dm_continuous) dm_continuous_inference = CausalELM.generate_null_distribution(dm_continuous, 10) p3, stderr3 = CausalELM.quantities_of_interest(dm_continuous, 10) -summary3 = summarize(dm_continuous, 10) +summary3 = summarize(dm_continuous, n=10) x₀, y₀, x₁, y₁ = rand(1:100, 100, 5), rand(100), rand(10, 5), rand(10) its = InterruptedTimeSeries(x₀, y₀, x₁, y₁) estimate_causal_effect!(its) -summary4 = summarize(its, 10) +summary4 = summarize(its, n=10) +summary4_inference = summarize(its, n=10, inference=true) # Null distributions for the mean and cummulative changes its_inference1 = CausalELM.generate_null_distribution(its, 10, true) @@ -36,30 +37,30 @@ p4, stderr4 = CausalELM.quantities_of_interest(its, 10, true) slearner = SLearner(x, t, y) estimate_causal_effect!(slearner) -summary5 = summarize(slearner, 10) +summary5 = summarize(slearner, n=10) tlearner = TLearner(x, t, y) estimate_causal_effect!(tlearner) tlearner_inference = CausalELM.generate_null_distribution(tlearner, 10) p6, stderr6 = CausalELM.quantities_of_interest(tlearner, 10) -summary6 = summarize(tlearner, 10) +summary6 = summarize(tlearner, n=10) xlearner = XLearner(x, t, y) estimate_causal_effect!(xlearner) xlearner_inference = CausalELM.generate_null_distribution(xlearner, 10) p7, stderr7 = CausalELM.quantities_of_interest(xlearner, 10) -summary7 = summarize(xlearner, 10) -summary8 = summarise(xlearner, 10) +summary7 = summarize(xlearner, n=10) +summary8 = summarise(xlearner, n=10) rlearner = RLearner(x, t, y) estimate_causal_effect!(rlearner) -summary9 = summarize(rlearner, 10) +summary9 = summarize(rlearner, n=10) dr_learner = DoublyRobustLearner(x, t, y, regularized=false) estimate_causal_effect!(dr_learner) dr_learner_inference = CausalELM.generate_null_distribution(dr_learner, 10) p8, stderr8 = CausalELM.quantities_of_interest(dr_learner, 10) -summary10 = summarize(dr_learner, 10) +summary10 = summarize(dr_learner, n=10) @testset "Generating Null Distributions" begin @test size(g_inference, 1) === 10 @@ -118,6 +119,10 @@ end @test !isnothing(v) end + # Interrupted Time Series with randomization inference + @test summary4_inference["Standard Error"] !== NaN + @test summary4_inference["p-value"] !== NaN + # S-Learners for (k, v) in summary5 @test !isnothing(v) @@ -150,7 +155,7 @@ end end @testset "Error Handling" begin - @test_throws ErrorException summarize(InterruptedTimeSeries(x₀, y₀, x₁, y₁), 10) + @test_throws ErrorException summarize(InterruptedTimeSeries(x₀, y₀, x₁, y₁), n=10) @test_throws ErrorException summarize(GComputation(x, y, t)) @test_throws ErrorException summarize(TLearner(x, y, t)) end From 98a4bd18930ea8a801ad902bc77eb8deaae197f5 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Wed, 26 Jun 2024 00:14:48 -0500 Subject: [PATCH 04/24] Checking if issue is local --- Manifest.toml | 232 +- Project.toml | 10 +- pension.csv | 9916 +++++++++++++++++++++++++++++++++++++++ src/CausalELM.jl | 18 +- src/estimators.jl | 23 +- src/model_validation.jl | 34 - src/models.jl | 169 +- src/utilities.jl | 34 + test/runtests.jl | 22 +- test/test_estimators.jl | 3 +- testing.ipynb | 356 ++ 11 files changed, 10636 insertions(+), 181 deletions(-) create mode 100644 pension.csv create mode 100644 testing.ipynb diff --git a/Manifest.toml b/Manifest.toml index 5fcff0eb..5294738f 100644 --- a/Manifest.toml +++ b/Manifest.toml @@ -2,16 +2,103 @@ julia_version = "1.8.5" manifest_format = "2.0" -project_hash = "18a38d2a3c0a24ffa847859ade56a5a957640011" +project_hash = "a71c3dc546f65e5c8baf2d15aa5d41355e85fe6c" [[deps.Artifacts]] uuid = "56f22d72-fd6d-98f1-02f0-08ddc0907c33" +[[deps.Base64]] +uuid = "2a0f44e3-6c83-55bd-87e4-b1978d98bd5f" + +[[deps.CSV]] +deps = ["CodecZlib", "Dates", "FilePathsBase", "InlineStrings", "Mmap", "Parsers", "PooledArrays", "PrecompileTools", "SentinelArrays", "Tables", "Unicode", "WeakRefStrings", "WorkerUtilities"] +git-tree-sha1 = "6c834533dc1fabd820c1db03c839bf97e45a3fab" +uuid = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" +version = "0.10.14" + +[[deps.CodecZlib]] +deps = ["TranscodingStreams", "Zlib_jll"] +git-tree-sha1 = "59939d8a997469ee05c4b4944560a820f9ba0d73" +uuid = "944b1d66-785c-5afd-91f1-9de20f533193" +version = "0.7.4" + +[[deps.Compat]] +deps = ["Dates", "LinearAlgebra", "TOML", "UUIDs"] +git-tree-sha1 = "b1c55339b7c6c350ee89f2c1604299660525b248" +uuid = "34da2185-b29b-5c13-b0c7-acf172513d20" +version = "4.15.0" + [[deps.CompilerSupportLibraries_jll]] deps = ["Artifacts", "Libdl"] uuid = "e66e0078-7015-5450-92f7-15fbd957f2ae" version = "1.0.1+0" +[[deps.Crayons]] +git-tree-sha1 = "249fe38abf76d48563e2f4556bebd215aa317e15" +uuid = "a8cc5b0e-0ffa-5ad4-8c14-923d3ee1735f" +version = "4.1.1" + +[[deps.DataAPI]] +git-tree-sha1 = "abe83f3a2f1b857aac70ef8b269080af17764bbe" +uuid = "9a962f9c-6df0-11e9-0e5d-c546b8b5ee8a" +version = "1.16.0" + +[[deps.DataFrames]] +deps = ["Compat", "DataAPI", "DataStructures", "Future", "InlineStrings", "InvertedIndices", "IteratorInterfaceExtensions", "LinearAlgebra", "Markdown", "Missings", "PooledArrays", "PrecompileTools", "PrettyTables", "Printf", "REPL", "Random", "Reexport", "SentinelArrays", "SortingAlgorithms", "Statistics", "TableTraits", "Tables", "Unicode"] +git-tree-sha1 = "04c738083f29f86e62c8afc341f0967d8717bdb8" +uuid = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" +version = "1.6.1" + +[[deps.DataStructures]] +deps = ["Compat", "InteractiveUtils", "OrderedCollections"] +git-tree-sha1 = "1d0a14036acb104d9e89698bd408f63ab58cdc82" +uuid = "864edb3b-99cc-5e75-8d2d-829cb0a9cfe8" +version = "0.18.20" + +[[deps.DataValueInterfaces]] +git-tree-sha1 = "bfc1187b79289637fa0ef6d4436ebdfe6905cbd6" +uuid = "e2d170a0-9d28-54be-80f0-106bbe20a464" +version = "1.0.0" + +[[deps.Dates]] +deps = ["Printf"] +uuid = "ade2ca70-3891-5945-98fb-dc099432e06a" + +[[deps.FilePathsBase]] +deps = ["Compat", "Dates", "Mmap", "Printf", "Test", "UUIDs"] +git-tree-sha1 = "9f00e42f8d99fdde64d40c8ea5d14269a2e2c1aa" +uuid = "48062228-2e41-5def-b9a4-89aafe57970f" +version = "0.9.21" + +[[deps.Future]] +deps = ["Random"] +uuid = "9fa8497b-333b-5362-9e8d-4d0656e87820" + +[[deps.InlineStrings]] +deps = ["Parsers"] +git-tree-sha1 = "86356004f30f8e737eff143d57d41bd580e437aa" +uuid = "842dd82b-1e85-43dc-bf29-5d0ee9dffc48" +version = "1.4.1" + +[[deps.InteractiveUtils]] +deps = ["Markdown"] +uuid = "b77e0a4c-d291-57a0-90e8-8db25a27a240" + +[[deps.InvertedIndices]] +git-tree-sha1 = "0dc7b50b8d436461be01300fd8cd45aa0274b038" +uuid = "41ab1584-1d38-5bbf-9106-f11c6c58b48f" +version = "1.3.0" + +[[deps.IteratorInterfaceExtensions]] +git-tree-sha1 = "a3f24677c21f5bbe9d2a714f95dcd58337fb2856" +uuid = "82899510-4779-5014-852e-03e436cf321d" +version = "1.0.0" + +[[deps.LaTeXStrings]] +git-tree-sha1 = "50901ebc375ed41dbf8058da26f9de442febbbec" +uuid = "b964fa9f-0449-5b57-a5c2-d3ea65f4040f" +version = "1.3.1" + [[deps.Libdl]] uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" @@ -19,22 +106,165 @@ uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" deps = ["Libdl", "libblastrampoline_jll"] uuid = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" +[[deps.Logging]] +uuid = "56ddb016-857b-54e1-b83d-db4d58db5568" + +[[deps.Markdown]] +deps = ["Base64"] +uuid = "d6f4376e-aef5-505a-96c1-9c027394607a" + +[[deps.Missings]] +deps = ["DataAPI"] +git-tree-sha1 = "ec4f7fbeab05d7747bdf98eb74d130a2a2ed298d" +uuid = "e1d29d7a-bbdc-5cf2-9ac0-f12de2c33e28" +version = "1.2.0" + +[[deps.Mmap]] +uuid = "a63ad114-7e13-5084-954f-fe012c677804" + [[deps.OpenBLAS_jll]] deps = ["Artifacts", "CompilerSupportLibraries_jll", "Libdl"] uuid = "4536629a-c528-5b80-bd46-f80d51c5b363" version = "0.3.20+0" +[[deps.OrderedCollections]] +git-tree-sha1 = "dfdf5519f235516220579f949664f1bf44e741c5" +uuid = "bac558e1-5e72-5ebc-8fee-abe8a469f55d" +version = "1.6.3" + +[[deps.Parsers]] +deps = ["Dates", "PrecompileTools", "UUIDs"] +git-tree-sha1 = "8489905bcdbcfac64d1daa51ca07c0d8f0283821" +uuid = "69de0a69-1ddd-5017-9359-2bf0b02dc9f0" +version = "2.8.1" + +[[deps.PooledArrays]] +deps = ["DataAPI", "Future"] +git-tree-sha1 = "36d8b4b899628fb92c2749eb488d884a926614d3" +uuid = "2dfb63ee-cc39-5dd5-95bd-886bf059d720" +version = "1.4.3" + +[[deps.PrecompileTools]] +deps = ["Preferences"] +git-tree-sha1 = "5aa36f7049a63a1528fe8f7c3f2113413ffd4e1f" +uuid = "aea7be01-6a6a-4083-8856-8a6e6704d82a" +version = "1.2.1" + +[[deps.Preferences]] +deps = ["TOML"] +git-tree-sha1 = "9306f6085165d270f7e3db02af26a400d580f5c6" +uuid = "21216c6a-2e73-6563-6e65-726566657250" +version = "1.4.3" + +[[deps.PrettyTables]] +deps = ["Crayons", "LaTeXStrings", "Markdown", "PrecompileTools", "Printf", "Reexport", "StringManipulation", "Tables"] +git-tree-sha1 = "66b20dd35966a748321d3b2537c4584cf40387c7" +uuid = "08abe8d2-0d0c-5749-adfa-8a2ac140af0d" +version = "2.3.2" + +[[deps.Printf]] +deps = ["Unicode"] +uuid = "de0858da-6303-5e67-8744-51eddeeeb8d7" + +[[deps.REPL]] +deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] +uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" + [[deps.Random]] deps = ["SHA", "Serialization"] uuid = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" +[[deps.Reexport]] +git-tree-sha1 = "45e428421666073eab6f2da5c9d310d99bb12f9b" +uuid = "189a3867-3050-52da-a836-e630ba90ab69" +version = "1.2.2" + [[deps.SHA]] uuid = "ea8e919c-243c-51af-8825-aaa63cd721ce" version = "0.7.0" +[[deps.SentinelArrays]] +deps = ["Dates", "Random"] +git-tree-sha1 = "90b4f68892337554d31cdcdbe19e48989f26c7e6" +uuid = "91c51154-3ec4-41a3-a24f-3f23e20d615c" +version = "1.4.3" + [[deps.Serialization]] uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" +[[deps.Sockets]] +uuid = "6462fe0b-24de-5631-8697-dd941f90decc" + +[[deps.SortingAlgorithms]] +deps = ["DataStructures"] +git-tree-sha1 = "66e0a8e672a0bdfca2c3f5937efb8538b9ddc085" +uuid = "a2af1166-a08f-5f64-846c-94a0d3cef48c" +version = "1.2.1" + +[[deps.SparseArrays]] +deps = ["LinearAlgebra", "Random"] +uuid = "2f01184e-e22b-5df5-ae63-d93ebab69eaf" + +[[deps.Statistics]] +deps = ["LinearAlgebra", "SparseArrays"] +uuid = "10745b16-79ce-11e8-11f9-7d13ad32a3b2" + +[[deps.StringManipulation]] +deps = ["PrecompileTools"] +git-tree-sha1 = "a04cabe79c5f01f4d723cc6704070ada0b9d46d5" +uuid = "892a3eda-7b42-436c-8928-eab12a02cf0e" +version = "0.3.4" + +[[deps.TOML]] +deps = ["Dates"] +uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" +version = "1.0.0" + +[[deps.TableTraits]] +deps = ["IteratorInterfaceExtensions"] +git-tree-sha1 = "c06b2f539df1c6efa794486abfb6ed2022561a39" +uuid = "3783bdb8-4a98-5b6b-af9a-565f29a5fe9c" +version = "1.0.1" + +[[deps.Tables]] +deps = ["DataAPI", "DataValueInterfaces", "IteratorInterfaceExtensions", "LinearAlgebra", "OrderedCollections", "TableTraits"] +git-tree-sha1 = "cb76cf677714c095e535e3501ac7954732aeea2d" +uuid = "bd369af6-aec1-5ad0-b16a-f7cc5008161c" +version = "1.11.1" + +[[deps.Test]] +deps = ["InteractiveUtils", "Logging", "Random", "Serialization"] +uuid = "8dfed614-e22c-5e08-85e1-65c5234f0b40" + +[[deps.TranscodingStreams]] +deps = ["Random", "Test"] +git-tree-sha1 = "d73336d81cafdc277ff45558bb7eaa2b04a8e472" +uuid = "3bb67fe8-82b1-5028-8e26-92a6c54297fa" +version = "0.10.10" + +[[deps.UUIDs]] +deps = ["Random", "SHA"] +uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" + +[[deps.Unicode]] +uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" + +[[deps.WeakRefStrings]] +deps = ["DataAPI", "InlineStrings", "Parsers"] +git-tree-sha1 = "b1be2855ed9ed8eac54e5caff2afcdb442d52c23" +uuid = "ea10d353-3f73-51f8-a26c-33c1cb351aa5" +version = "1.4.2" + +[[deps.WorkerUtilities]] +git-tree-sha1 = "cd1659ba0d57b71a464a29e64dbc67cfe83d54e7" +uuid = "76eceee3-57b5-4d4a-8e66-0e911cebbf60" +version = "1.6.1" + +[[deps.Zlib_jll]] +deps = ["Libdl"] +uuid = "83775a58-1f1d-513f-b197-d71354ab007a" +version = "1.2.12+3" + [[deps.libblastrampoline_jll]] deps = ["Artifacts", "Libdl", "OpenBLAS_jll"] uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" diff --git a/Project.toml b/Project.toml index 2abfd76b..3f26b356 100644 --- a/Project.toml +++ b/Project.toml @@ -1,20 +1,22 @@ name = "CausalELM" uuid = "26abab4e-b12e-45db-9809-c199ca6ddca8" authors = ["Darren Colby and contributors"] -version = "0.6" +version = "0.6.0" [deps] +CSV = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" +DataFrames = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" LinearAlgebra = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" Random = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" [compat] -LinearAlgebra = "1.7" -Random = "1.7" -julia = "1.7" Aqua = "0.8" DataFrames = "1.5" Documenter = "1.2" +LinearAlgebra = "1.7" +Random = "1.7" Test = "1.7" +julia = "1.7" [extras] Aqua = "4c88cf16-eb10-579e-8560-4a9242c79595" diff --git a/pension.csv b/pension.csv new file mode 100644 index 00000000..e4dff354 --- /dev/null +++ b/pension.csv @@ -0,0 +1,9916 @@ +"","ira","a401","hval","hmort","hequity","nifa","net_nifa","tfa","net_tfa","tfa_he","tw","age","inc","fsize","educ","db","marr","male","twoearn","dum91","e401","p401","pira","nohs","hs","smcol","col","icat","ecat","zhat","net_n401","hown","i1","i2","i3","i4","i5","i6","i7","a1","a2","a3","a4","a5" +"1",0,0,69000,60150,8850,100,-3300,100,-3300,5550,53550,31,28146,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2",0,0,78000,20000,58000,61010,61010,61010,61010,119010,124635,52,32634,5,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,61010,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3",1800,0,200000,15900,184100,7549,7049,9349,8849,192949,192949,50,52206,3,11,0,1,1,1,1,0,0,1,1,0,0,0,6,1,0.5336504,8849,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4",0,0,0,0,0,2487,-6013,2487,-6013,-6013,-513,28,45252,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-6013,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5",0,0,300000,90000,210000,10625,-2375,10625,-2375,207625,212087,42,33126,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-2375,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6",0,0,120000,99600,20400,9000,-11000,9000,-11000,9400,24400,49,76860,6,15,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,-11000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7",0,0,89000,63000,26000,1099,-16901,1099,-16901,9099,33299,40,57477,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-16901,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8",0,0,0,0,0,1700,1000,1700,1000,1000,2500,58,14637,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9",0,0,0,0,0,0,0,0,0,0,0,29,6573,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"10",5700,0,0,0,0,800,700,6500,6400,6400,7150,50,5766,1,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,6400,0,1,0,0,0,0,0,0,0,0,0,1,0 +"11",8000,0,83000,68000,15000,16900,16900,24900,24900,39900,52625,45,43239,1,12,1,0,1,0,1,0,0,1,0,1,0,0,5,2,0.650903,24900,1,0,0,0,0,1,0,0,0,0,0,1,0 +"12",0,0,0,0,0,100,-675,100,-675,-675,-675,25,40323,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-675,0,0,0,0,0,1,0,0,1,0,0,0,0 +"13",0,0,0,0,0,0,-400,0,-400,-400,8100,30,30000,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"14",0,0,0,0,0,217,-83,217,-83,-83,2250,27,9612,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-83,0,1,0,0,0,0,0,0,1,0,0,0,0 +"15",34000,0,12000,235,11765,1400,1400,35400,35400,47165,59519,42,85086,4,12,0,1,1,1,1,0,0,1,0,1,0,0,7,2,0.5801663,35400,1,0,0,0,0,0,0,1,0,0,1,0,0 +"16",0,0,0,0,0,1400,-100,1400,-100,-100,18900,35,32208,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"17",2300,0,0,0,0,60000,60000,62300,62300,62300,64800,35,63525,1,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.3107966,62300,0,0,0,0,0,0,1,0,0,1,0,0,0 +"18",0,0,0,0,0,612,-3888,612,-3888,-3888,15112,41,31896,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-3888,0,0,0,0,1,0,0,0,0,0,1,0,0 +"19",0,0,0,0,0,20,20,20,20,20,1445,53,9744,1,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,20,0,1,0,0,0,0,0,0,0,0,0,1,0 +"20",0,0,120000,0,120000,3098,3098,3098,3098,123098,123098,62,74589,3,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,3098,1,0,0,0,0,0,1,0,0,0,0,0,1 +"21",0,0,0,0,0,298,205,298,205,205,43258,45,38148,1,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,205,0,0,0,0,1,0,0,0,0,0,0,1,0 +"22",0,0,0,0,0,3613,2863,3613,2863,2863,2863,56,16290,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2863,0,0,1,0,0,0,0,0,0,0,0,0,1 +"23",0,0,0,0,0,0,0,0,0,0,0,31,11340,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"24",0,0,0,0,0,629,-2171,629,-2171,-2171,789,31,26175,5,13,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2171,0,0,0,1,0,0,0,0,0,1,0,0,0 +"25",50250,0,300000,0,300000,310163,310163,360413,360413,660413,660413,63,71535,2,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,360413,1,0,0,0,0,0,1,0,0,0,0,0,1 +"26",0,0,35000,0,35000,499,499,499,499,35499,35999,56,21678,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"27",0,0,12000,17000,-5000,500,-1300,500,-1300,-6300,3700,52,27360,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"28",0,0,100000,35000,65000,1000,-1700,1000,-1700,63300,72300,58,29724,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-1700,1,0,0,1,0,0,0,0,0,0,0,0,1 +"29",0,0,250000,52000,198000,53698,53698,53698,53698,251698,346394,42,42084,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,53698,1,0,0,0,0,1,0,0,0,0,1,0,0 +"30",14000,0,140000,42000,98000,12000,12000,26000,26000,124000,124000,35,71340,2,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,26000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"31",0,0,0,0,0,1300,1000,1300,1000,1000,1000,61,35100,5,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,1000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"32",0,0,10000,0,10000,670,-2580,670,-2580,7420,7420,62,15051,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2580,1,0,1,0,0,0,0,0,0,0,0,0,1 +"33",0,0,80000,0,80000,670,-2430,670,-2430,77570,77570,48,14328,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-2430,1,0,1,0,0,0,0,0,0,0,0,1,0 +"34",2115,0,83000,83000,0,14100,6100,16215,8215,8215,116515,28,68214,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,8215,1,0,0,0,0,0,1,0,1,0,0,0,0 +"35",2000,0,110000,57000,53000,17100,16700,19100,18700,71700,78550,51,30030,3,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,18700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"36",0,0,75000,0,75000,0,-2600,0,-2600,72400,74400,45,9315,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-2600,1,1,0,0,0,0,0,0,0,0,0,1,0 +"37",0,0,0,0,0,2647,-1393,2647,-1393,-1393,-1393,28,45351,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1393,0,0,0,0,0,1,0,0,1,0,0,0,0 +"38",0,0,0,0,0,100,-800,100,-800,-800,1250,39,22095,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"39",8000,0,150000,95000,55000,2399,399,10399,8399,63399,63399,42,47934,4,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,8399,1,0,0,0,0,1,0,0,0,0,1,0,0 +"40",0,0,300000,73000,227000,40,-11760,40,-11760,215240,275240,43,27168,6,7,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-11760,1,0,0,1,0,0,0,0,0,0,1,0,0 +"41",0,0,135000,97919,37081,4030,-470,4030,-470,36611,38236,31,38151,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-470,1,0,0,0,1,0,0,0,0,1,0,0,0 +"42",0,0,50000,31000,19000,8311,3880,8311,3880,22880,25380,28,41610,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3880,1,0,0,0,0,1,0,0,1,0,0,0,0 +"43",0,0,45000,45000,0,799,-4220,799,-4220,-4220,2125,39,31848,4,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-4220,1,0,0,0,1,0,0,0,0,0,1,0,0 +"44",3000,0,0,0,0,0,0,3000,3000,3000,3000,60,37794,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"45",14000,0,56000,0,56000,7747,5947,21747,19947,75947,125947,58,38949,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,19947,1,0,0,0,1,0,0,0,0,0,0,0,1 +"46",0,0,0,0,0,5249,5249,5249,5249,5249,5249,30,31098,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,5249,0,0,0,0,1,0,0,0,0,1,0,0,0 +"47",0,0,0,0,0,3199,-8501,3199,-8501,-8501,-1501,32,53700,4,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-8501,0,0,0,0,0,0,1,0,0,1,0,0,0 +"48",0,0,80000,62000,18000,1069,-2431,1069,-2431,15569,64219,31,37317,2,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-2431,1,0,0,0,1,0,0,0,0,1,0,0,0 +"49",0,0,0,0,0,1150,-1550,1150,-1550,-1550,3253,31,23748,1,16,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-1550,0,0,0,1,0,0,0,0,0,1,0,0,0 +"50",250,0,60000,50000,10000,1500,-1000,1750,-750,9250,19250,31,31470,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,-750,1,0,0,0,1,0,0,0,0,1,0,0,0 +"51",0,0,112000,86000,26000,35300,34450,35300,34450,60450,67450,31,42750,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,34450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"52",0,0,0,0,0,1399,699,1399,699,699,3199,40,32976,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,699,0,0,0,0,1,0,0,0,0,0,1,0,0 +"53",0,0,95000,74000,21000,500,-8700,500,-8700,12300,17300,31,40473,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-8700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"54",0,0,0,0,0,0,0,0,0,0,500,45,4590,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"55",0,0,47500,32500,15000,0,-1855,0,-1855,13145,16645,34,16122,3,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1855,1,0,1,0,0,0,0,0,0,1,0,0,0 +"56",0,0,0,0,0,3000,3000,3000,3000,3000,3000,63,34764,2,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.2951996,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"57",0,0,0,0,0,0,0,0,0,0,0,55,25200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"58",0,0,195000,130000,65000,57000,57000,57000,57000,122000,130000,29,58878,3,1,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,57000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"59",0,0,35000,28000,7000,100,-5900,100,-5900,1100,3100,53,14496,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5900,1,0,1,0,0,0,0,0,0,0,0,1,0 +"60",0,0,0,0,0,0,0,0,0,0,4800,46,17280,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"61",0,0,280000,120000,160000,21199,21199,21199,21199,181199,181199,39,50283,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,21199,1,0,0,0,0,0,1,0,0,0,1,0,0 +"62",7000,0,300000,0,300000,999,999,7999,7999,307999,320829,37,51060,1,15,0,0,1,0,1,0,0,1,0,0,1,0,6,3,0.4868788,7999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"63",0,0,185000,150000,35000,200,-24800,200,-24800,10200,10200,56,31548,6,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-24800,1,0,0,0,1,0,0,0,0,0,0,0,1 +"64",0,0,40000,34900,5100,34568,32568,34568,32568,37668,56618,49,12675,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,32568,1,0,1,0,0,0,0,0,0,0,0,1,0 +"65",0,0,0,0,0,199,199,199,199,199,40199,41,25542,4,8,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,199,0,0,0,1,0,0,0,0,0,0,1,0,0 +"66",5800,0,105000,60000,45000,30300,30083,36100,35883,80883,80883,39,56913,3,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,35883,1,0,0,0,0,0,1,0,0,0,1,0,0 +"67",0,0,0,0,0,699,-8301,699,-8301,-8301,-4651,39,28836,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8301,0,0,0,1,0,0,0,0,0,0,1,0,0 +"68",0,0,50000,25000,25000,37100,36950,37100,36950,61950,73000,37,14400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,36950,1,0,1,0,0,0,0,0,0,0,1,0,0 +"69",0,0,0,0,0,2458,2258,2458,2258,2258,6158,32,13866,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2258,0,0,1,0,0,0,0,0,0,1,0,0,0 +"70",0,0,2200,0,2200,50,50,50,50,2250,2750,26,16215,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,50,1,0,1,0,0,0,0,0,1,0,0,0,0 +"71",25000,0,125000,38000,87000,75000,75000,100000,100000,187000,187000,64,43002,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,100000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"72",0,0,0,0,0,100,-1700,100,-1700,-1700,4300,35,42393,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-1700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"73",0,0,75000,72000,3000,4100,-8900,4100,-8900,-5900,-1900,37,50280,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-8900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"74",1000,0,0,0,0,135,-365,1135,635,635,3985,25,21630,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,635,0,0,0,1,0,0,0,0,1,0,0,0,0 +"75",0,0,55000,55000,0,704,-1796,704,-1796,-1796,20204,44,51552,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1796,1,0,0,0,0,0,1,0,0,0,1,0,0 +"76",0,0,0,0,0,0,0,0,0,0,0,27,8286,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"77",0,0,0,0,0,5199,4199,5199,4199,4199,16749,44,15870,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4199,0,0,1,0,0,0,0,0,0,0,1,0,0 +"78",0,0,45000,36000,9000,0,0,0,0,9000,9000,32,22440,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"79",0,0,0,0,0,360,-165,360,-165,-165,335,37,20421,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-165,0,0,0,1,0,0,0,0,0,0,1,0,0 +"80",0,0,65000,11500,53500,0,-400,0,-400,53100,53600,48,27156,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"81",25800,0,135000,30000,105000,42505,40005,68305,65805,170805,170805,38,52035,4,15,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,65805,1,0,0,0,0,0,1,0,0,0,1,0,0 +"82",0,0,0,0,0,0,0,0,0,0,0,31,23223,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"83",6000,0,0,0,0,502,-27498,6502,-21498,-21498,-7498,45,34002,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,-21498,0,0,0,0,1,0,0,0,0,0,0,1,0 +"84",0,0,200000,50000,150000,9999,4999,9999,4999,154999,154999,41,60600,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,4999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"85",58000,0,75000,0,75000,31897,29897,89897,87897,162897,365897,59,79545,2,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,87897,1,0,0,0,0,0,0,1,0,0,0,0,1 +"86",0,0,0,0,0,0,0,0,0,0,0,27,18156,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"87",0,0,0,0,0,750,-450,750,-450,-450,-450,53,21600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-450,0,0,0,1,0,0,0,0,0,0,0,1,0 +"88",15522,0,210000,96000,114000,48500,47500,64022,63022,177022,215822,37,41994,4,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.4624346,63022,1,0,0,0,0,1,0,0,0,0,1,0,0 +"89",0,0,63000,59000,4000,7500,7300,7500,7300,11300,13100,31,50346,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,7300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"90",0,0,0,0,0,100,-3800,100,-3800,-3800,9033,51,19815,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-3800,0,0,1,0,0,0,0,0,0,0,0,1,0 +"91",0,0,0,0,0,100,-1480,100,-1480,-1480,3361,33,12501,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-1480,0,0,1,0,0,0,0,0,0,1,0,0,0 +"92",0,0,0,0,0,499,199,499,199,199,1474,35,33012,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,199,0,0,0,0,1,0,0,0,0,1,0,0,0 +"93",0,0,80000,50400,29600,626,626,626,626,30226,34294,28,38400,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,626,1,0,0,0,1,0,0,0,1,0,0,0,0 +"94",0,0,30000,24500,5500,600,450,600,450,5950,6950,36,26472,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,450,1,0,0,1,0,0,0,0,0,0,1,0,0 +"95",0,0,0,0,0,3300,-46700,3300,-46700,-46700,-46700,32,44460,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-46700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"96",0,0,0,0,0,750,750,750,750,750,3950,25,27657,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,750,0,0,0,1,0,0,0,0,1,0,0,0,0 +"97",0,0,0,0,0,469,-43434,469,-43434,-43434,-34434,60,40917,3,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-43434,0,0,0,0,0,1,0,0,0,0,0,0,1 +"98",0,0,0,0,0,20400,8400,20400,8400,8400,11400,35,47040,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,8400,0,0,0,0,0,1,0,0,0,1,0,0,0 +"99",0,0,0,0,0,10299,10299,10299,10299,10299,11924,44,22956,2,6,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,10299,0,0,0,1,0,0,0,0,0,0,1,0,0 +"100",12500,0,150000,0,150000,5100,5100,17600,17600,167600,167600,60,23109,2,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,17600,1,0,0,1,0,0,0,0,0,0,0,0,1 +"101",0,0,30000,30000,0,11100,11100,11100,11100,11100,14800,34,28380,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,11100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"102",0,0,0,0,0,1204,-296,1204,-296,-296,6904,27,32154,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-296,0,0,0,0,1,0,0,0,1,0,0,0,0 +"103",4318,0,100000,19000,81000,20886,20886,25204,25204,106204,106204,62,33096,2,9,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,25204,1,0,0,0,1,0,0,0,0,0,0,0,1 +"104",0,0,0,0,0,50,50,50,50,50,50,34,17883,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,50,0,0,1,0,0,0,0,0,0,1,0,0,0 +"105",0,0,0,0,0,3100,1200,3100,1200,1200,3700,30,22362,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"106",0,0,0,0,0,1900,900,1900,900,900,16400,36,42114,6,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,900,0,0,0,0,0,1,0,0,0,0,1,0,0 +"107",50000,0,275000,0,275000,34000,24000,84000,74000,349000,718000,52,97299,4,16,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,74000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"108",30600,0,50000,0,50000,1049,1049,31649,31649,81649,83149,40,36060,1,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,31649,1,0,0,0,1,0,0,0,0,0,1,0,0 +"109",9000,0,0,0,0,1900,-700,10900,8300,8300,8500,40,40194,3,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7125204,8300,0,0,0,0,0,1,0,0,0,0,1,0,0 +"110",11000,0,180000,70000,110000,4120,-6380,15120,4620,114620,114620,53,88422,5,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,4620,1,0,0,0,0,0,0,1,0,0,0,1,0 +"111",0,0,0,0,0,3000,3000,3000,3000,3000,3000,46,7938,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,3000,0,1,0,0,0,0,0,0,0,0,0,1,0 +"112",0,0,0,0,0,152,-248,152,-248,-248,752,41,14580,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-248,0,0,1,0,0,0,0,0,0,0,1,0,0 +"113",2000,0,0,0,0,3600,3100,5600,5100,5100,5100,30,29616,3,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,5100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"114",0,0,170000,100000,70000,8000,5500,8000,5500,75500,75500,33,38850,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,5500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"115",0,0,90000,79500,10500,500,100,500,100,10600,10600,41,45624,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"116",0,0,0,0,0,0,0,0,0,0,0,45,5277,3,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"117",0,0,125000,0,125000,387,-113,387,-113,124887,131868,36,21369,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-113,1,0,0,1,0,0,0,0,0,0,1,0,0 +"118",0,0,0,0,0,3150,2650,3150,2650,2650,2650,58,15420,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2650,0,0,1,0,0,0,0,0,0,0,0,0,1 +"119",0,0,0,0,0,0,0,0,0,0,500,25,8925,3,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"120",0,0,0,0,0,700,-100,700,-100,-100,3250,31,20475,1,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"121",0,0,70000,39000,31000,2199,1024,2199,1024,32024,32024,26,42738,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1024,1,0,0,0,0,1,0,0,1,0,0,0,0 +"122",0,0,0,0,0,0,0,0,0,0,0,30,18753,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"123",0,0,0,0,0,0,0,0,0,0,1200,28,14280,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"124",0,0,16500,0,16500,0,0,0,0,16500,18275,39,4872,2,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"125",0,0,0,0,0,0,-315,0,-315,-315,3685,31,11364,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-315,0,0,1,0,0,0,0,0,0,1,0,0,0 +"126",0,0,0,0,0,350,-2450,350,-2450,-2450,7550,27,48900,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-2450,0,0,0,0,0,1,0,0,1,0,0,0,0 +"127",0,0,0,0,0,0,0,0,0,0,0,36,11400,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"128",0,0,80000,73000,7000,200,-11800,200,-11800,-4800,11200,46,33375,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-11800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"129",0,0,55000,38000,17000,12003,11422,12003,11422,28422,32039,57,11820,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,11422,1,0,1,0,0,0,0,0,0,0,0,0,1 +"130",0,0,0,0,0,20,-2140,20,-2140,-2140,-2140,29,22440,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2140,0,0,0,1,0,0,0,0,1,0,0,0,0 +"131",0,0,0,0,0,0,0,0,0,0,0,53,7440,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"132",0,0,0,0,0,1300,300,1300,300,300,6475,29,19215,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"133",0,0,215000,27000,188000,6500,5000,6500,5000,193000,193000,41,54852,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,5000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"134",0,0,58000,18000,40000,1924,-8676,1924,-8676,31324,53824,40,37062,6,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-8676,1,0,0,0,1,0,0,0,0,0,1,0,0 +"135",0,0,0,0,0,6000,6000,6000,6000,6000,10200,25,15660,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"136",0,0,200000,130000,70000,2500,2000,2500,2000,72000,72000,48,73650,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"137",0,0,240000,150000,90000,17999,11999,17999,11999,101999,121999,30,48111,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,11999,1,0,0,0,0,1,0,0,0,1,0,0,0 +"138",0,0,90000,32000,58000,250,-1550,250,-1550,56450,56450,41,22617,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1550,1,0,0,1,0,0,0,0,0,0,1,0,0 +"139",0,0,0,0,0,2000,-9050,2000,-9050,-9050,-8550,26,11100,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-9050,0,0,1,0,0,0,0,0,1,0,0,0,0 +"140",12500,0,145000,52000,93000,30100,30100,42600,42600,135600,135600,42,79650,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,42600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"141",0,0,30000,0,30000,0,-200,0,-200,29800,29800,42,6297,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-200,1,1,0,0,0,0,0,0,0,0,1,0,0 +"142",0,0,63000,58000,5000,1050,950,1050,950,5950,38950,54,20172,2,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,950,1,0,0,1,0,0,0,0,0,0,0,1,0 +"143",0,0,0,0,0,1520,-980,1520,-980,-980,-980,56,29529,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-980,0,0,0,1,0,0,0,0,0,0,0,0,1 +"144",0,0,0,0,0,2400,2400,2400,2400,2400,2400,61,4146,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,2400,0,1,0,0,0,0,0,0,0,0,0,0,1 +"145",0,0,0,0,0,2200,-4700,2200,-4700,-4700,-2266,33,21972,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-4700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"146",0,0,0,0,0,0,0,0,0,0,4200,42,13440,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"147",0,0,65000,33000,32000,0,-2800,0,-2800,29200,29200,62,16029,5,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"148",0,0,120000,104000,16000,8167,-4475,8167,-4475,11525,11525,29,43173,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-4475,1,0,0,0,0,1,0,0,1,0,0,0,0 +"149",0,0,0,0,0,0,0,0,0,0,1875,28,11376,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"150",0,0,0,0,0,0,0,0,0,0,2500,33,30600,6,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"151",0,0,50000,46000,4000,7759,7559,7759,7559,11559,11559,35,27603,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,7559,1,0,0,1,0,0,0,0,0,1,0,0,0 +"152",0,0,40000,15000,25000,0,-800,0,-800,24200,25950,42,9120,5,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-800,1,1,0,0,0,0,0,0,0,0,1,0,0 +"153",0,0,0,0,0,900,-1100,900,-1100,-1100,6400,61,17460,3,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1100,0,0,1,0,0,0,0,0,0,0,0,0,1 +"154",0,0,250000,55700,194300,410,-6590,410,-6590,187710,187710,44,9474,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-6590,1,1,0,0,0,0,0,0,0,0,1,0,0 +"155",0,0,0,0,0,125,-3475,125,-3475,-3475,-1450,37,33366,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-3475,0,0,0,0,1,0,0,0,0,0,1,0,0 +"156",0,0,0,0,0,3500,2825,3500,2825,2825,7650,30,4860,1,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,2825,0,1,0,0,0,0,0,0,0,1,0,0,0 +"157",0,0,110000,86000,24000,11500,11500,11500,11500,35500,35500,43,55281,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,11500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"158",0,0,45000,36000,9000,1499,-1501,1499,-1501,7499,7499,35,43134,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1501,1,0,0,0,0,1,0,0,0,1,0,0,0 +"159",0,0,45000,30000,15000,199,-7131,199,-7131,7869,9744,38,23850,4,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-7131,1,0,0,1,0,0,0,0,0,0,1,0,0 +"160",49800,0,0,0,0,1899,1499,51699,51299,51299,57299,46,52440,3,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.3533661,51299,0,0,0,0,0,0,1,0,0,0,0,1,0 +"161",0,0,70000,0,70000,100550,99350,100550,99350,169350,169350,62,26880,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,99350,1,0,0,1,0,0,0,0,0,0,0,0,1 +"162",0,0,30000,28000,2000,0,-950,0,-950,1050,3550,37,30405,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-950,1,0,0,0,1,0,0,0,0,0,1,0,0 +"163",22071,0,250000,150000,100000,11498,11498,33569,33569,133569,363569,44,32205,5,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,33569,1,0,0,0,1,0,0,0,0,0,1,0,0 +"164",0,0,34010,20000,14010,400,400,400,400,14410,15410,30,21036,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"165",0,0,0,0,0,300,-1700,2000,0,0,3200,27,12930,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"166",0,0,150000,112000,38000,4999,4799,4999,4799,42799,45099,38,43020,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4799,1,0,0,0,0,1,0,0,0,0,1,0,0 +"167",0,0,30000,0,30000,0,0,0,0,30000,30000,38,8160,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"168",0,0,0,0,0,5,5,5,5,5,5,33,19200,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,5,0,0,1,0,0,0,0,0,0,1,0,0,0 +"169",0,0,0,0,0,402,-3386,402,-3386,-3386,-3386,29,16902,7,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-3386,0,0,1,0,0,0,0,0,1,0,0,0,0 +"170",0,0,210000,130000,80000,14880,13176,14880,13176,93176,103137,33,52476,1,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,13176,1,0,0,0,0,0,1,0,0,1,0,0,0 +"171",0,0,85000,65000,20000,0,0,0,0,20000,20000,25,27120,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"172",0,0,30000,15600,14400,50,-150,50,-150,14250,16650,36,12636,7,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,-150,1,0,1,0,0,0,0,0,0,0,1,0,0 +"173",0,0,0,0,0,3000,3000,3000,3000,3000,3500,58,13440,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"174",0,0,130000,32500,97500,43999,30814,43999,30814,128314,128314,35,57828,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,30814,1,0,0,0,0,0,1,0,0,1,0,0,0 +"175",0,0,20000,12000,8000,0,0,0,0,8000,8000,27,12954,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"176",0,0,58000,0,58000,250,250,250,250,58250,61600,57,39312,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,250,1,0,0,0,1,0,0,0,0,0,0,0,1 +"177",0,0,0,0,0,0,0,0,0,0,0,45,2400,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"178",0,0,0,0,0,5000,-600,5000,-600,-600,6453,27,64980,1,13,1,0,1,0,1,0,0,0,0,0,1,0,6,3,0.5906146,-600,0,0,0,0,0,0,1,0,1,0,0,0,0 +"179",0,0,56000,10000,46000,1950,-50,1950,-50,45950,48450,60,17544,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-50,1,0,1,0,0,0,0,0,0,0,0,0,1 +"180",0,0,0,0,0,100,100,100,100,100,100,46,14040,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,100,0,0,1,0,0,0,0,0,0,0,0,1,0 +"181",0,0,10000,0,10000,20,20,20,20,10020,10020,30,19980,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,20,1,0,1,0,0,0,0,0,0,1,0,0,0 +"182",0,0,0,0,0,2400,-2100,2400,-2100,-2100,2966,25,24120,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"183",0,0,0,0,0,8000,8000,8000,8000,8000,13000,28,24051,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,8000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"184",9000,0,165000,125000,40000,3000,2700,12000,11700,51700,51700,40,52350,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,11700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"185",0,0,0,0,0,800,800,800,800,800,800,35,21012,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"186",0,0,85000,0,85000,1000,1000,1000,1000,86000,86000,40,56994,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"187",0,0,0,0,0,0,0,0,0,0,3350,30,26394,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"188",0,0,0,0,0,0,0,0,0,0,0,30,11220,3,3,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"189",0,0,0,0,0,90,-1310,90,-1310,-1310,21190,46,29232,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1310,0,0,0,1,0,0,0,0,0,0,0,1,0 +"190",0,0,175000,150000,25000,0,-250,0,-250,24750,184750,56,29700,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-250,1,0,0,1,0,0,0,0,0,0,0,0,1 +"191",4700,0,135000,9500,125500,10246,7246,14946,11946,137446,137446,45,68457,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,11946,1,0,0,0,0,0,1,0,0,0,0,1,0 +"192",0,0,0,0,0,0,-4300,0,-4300,-4300,3700,36,10944,4,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-4300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"193",0,0,47000,35000,12000,31799,31699,31799,31699,43699,43699,28,39336,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,31699,1,0,0,0,1,0,0,0,1,0,0,0,0 +"194",7000,0,257000,132000,125000,4000,4000,11000,11000,136000,337000,61,28050,2,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,11000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"195",0,0,25000,0,25000,400,400,400,400,25400,27000,60,23244,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"196",0,0,77400,75000,2400,17445,15645,17445,15645,18045,20545,29,31548,6,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,15645,1,0,0,0,1,0,0,0,1,0,0,0,0 +"197",0,0,0,0,0,34,-9716,34,-9716,-9716,-9716,33,24840,7,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-9716,0,0,0,1,0,0,0,0,0,1,0,0,0 +"198",0,0,0,0,0,5200,-7800,16078,3078,3078,12078,47,66021,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-7800,0,0,0,0,0,0,1,0,0,0,0,1,0 +"199",0,0,135000,37000,98000,18796,17496,18796,17496,115496,115496,58,51981,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,17496,1,0,0,0,0,0,1,0,0,0,0,0,1 +"200",0,0,30000,28000,2000,1649,149,1649,149,2149,2149,32,19659,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,149,1,0,1,0,0,0,0,0,0,1,0,0,0 +"201",20000,0,80000,0,80000,195141,195121,215141,215121,295121,459121,61,45444,2,13,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,215121,1,0,0,0,0,1,0,0,0,0,0,0,1 +"202",0,0,0,0,0,300,300,300,300,300,800,64,9642,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 +"203",0,0,30000,15000,15000,5150,3550,5150,3550,18550,21425,57,34410,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,3550,1,0,0,0,1,0,0,0,0,0,0,0,1 +"204",0,0,55000,54000,1000,100,-1900,100,-1900,-900,5100,29,26784,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1900,1,0,0,1,0,0,0,0,1,0,0,0,0 +"205",10800,0,63000,45000,18000,1300,861,12100,11661,29661,39661,40,24261,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,11661,1,0,0,1,0,0,0,0,0,0,1,0,0 +"206",0,0,0,0,0,50,-21450,50,-21450,-21450,-12407,41,26901,2,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-21450,0,0,0,1,0,0,0,0,0,0,1,0,0 +"207",4400,0,200000,50000,150000,4350,4350,8750,8750,158750,167493,43,32106,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,8750,1,0,0,0,1,0,0,0,0,0,1,0,0 +"208",7210,0,125000,99900,25100,23992,23692,31202,30902,56002,122064,44,46815,3,17,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,30902,1,0,0,0,0,1,0,0,0,0,1,0,0 +"209",0,0,85000,79000,6000,4250,2750,4250,2750,8750,8750,32,43560,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,2750,1,0,0,0,0,1,0,0,0,1,0,0,0 +"210",0,0,0,0,0,8299,7299,8299,7299,7299,11049,42,47265,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,7299,0,0,0,0,0,1,0,0,0,0,1,0,0 +"211",0,0,75000,70015,4985,5800,5600,5800,5600,10585,18585,26,58260,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,5600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"212",0,0,0,0,0,16350,9950,16350,9950,9950,10700,33,22560,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,9950,0,0,0,1,0,0,0,0,0,1,0,0,0 +"213",1700,0,40000,60000,-20000,700,550,2400,2250,-17750,-15750,26,40608,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,2250,1,0,0,0,0,1,0,0,1,0,0,0,0 +"214",4000,0,95000,30000,65000,22600,22600,26600,26600,91600,91600,38,80550,2,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,26600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"215",0,0,0,0,0,40,-4960,40,-4960,-4960,1056,27,17004,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-4960,0,0,1,0,0,0,0,0,1,0,0,0,0 +"216",0,0,0,0,0,10000,4000,10000,4000,4000,8200,25,34170,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,4000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"217",0,0,120000,70000,50000,2000,600,2000,600,50600,50600,56,24819,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,0,1 +"218",0,0,60000,32000,28000,0,-300,0,-300,27700,28200,55,10800,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-300,1,0,1,0,0,0,0,0,0,0,0,0,1 +"219",0,0,0,0,0,2000,0,2000,0,0,0,29,26514,2,15,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.4366938,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"220",0,0,43000,17500,25500,1000,900,1000,900,26400,26400,44,15198,3,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"221",0,0,0,0,0,9645,9645,9645,9645,9645,15070,33,22050,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,9645,0,0,0,1,0,0,0,0,0,1,0,0,0 +"222",0,0,0,0,0,400,-400,400,-400,-400,-400,63,11877,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,0,0,1 +"223",0,0,0,0,0,499,499,499,499,499,499,40,18030,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,499,0,0,1,0,0,0,0,0,0,0,1,0,0 +"224",0,0,45000,18500,26500,30,30,30,30,26530,26530,56,7920,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,30,1,1,0,0,0,0,0,0,0,0,0,0,1 +"225",0,0,40000,25500,14500,200,-500,200,-500,14000,14000,50,19302,6,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"226",7000,0,200000,34000,166000,3200,-6100,10200,900,166900,176900,52,35409,2,6,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"227",0,0,0,0,0,5510,5010,5510,5010,5010,5010,50,32940,3,12,1,1,0,0,1,0,0,0,0,1,0,0,4,2,0.5896286,5010,0,0,0,0,1,0,0,0,0,0,0,1,0 +"228",3000,0,125000,32000,93000,1500,500,4500,3500,96500,103075,40,21315,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,3500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"229",2000,0,0,0,0,47500,46800,49500,48800,48800,48800,26,86820,1,18,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.3313638,48800,0,0,0,0,0,0,0,1,1,0,0,0,0 +"230",0,0,0,0,0,0,-3000,0,-3000,-3000,-2500,26,3450,1,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-3000,0,1,0,0,0,0,0,0,1,0,0,0,0 +"231",0,0,70000,56000,14000,20949,20949,20949,20949,34949,42449,26,27975,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,20949,1,0,0,1,0,0,0,0,1,0,0,0,0 +"232",0,0,27000,11000,16000,0,-2000,0,-2000,14000,14000,40,3696,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-2000,1,1,0,0,0,0,0,0,0,0,1,0,0 +"233",0,0,0,0,0,10800,9800,10800,9800,9800,9800,28,56082,2,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,9800,0,0,0,0,0,0,1,0,1,0,0,0,0 +"234",0,0,40000,34000,6000,2200,2030,2200,2030,8030,8530,47,18069,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,2030,1,0,1,0,0,0,0,0,0,0,0,1,0 +"235",0,0,0,0,0,0,0,0,0,0,0,37,22950,7,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"236",0,0,120000,30000,90000,20461,20283,20461,20283,110283,121695,63,27540,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,20283,1,0,0,1,0,0,0,0,0,0,0,0,1 +"237",0,0,0,0,0,100,-1400,100,-1400,-1400,-900,31,17604,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"238",0,0,0,0,0,5800,-1700,5800,-1700,-1700,4096,29,39051,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"239",0,0,0,0,0,3108,2758,3108,2758,2758,2758,34,96174,5,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,2758,0,0,0,0,0,0,0,1,0,1,0,0,0 +"240",0,0,200000,150000,50000,2499,2499,2499,2499,52499,53499,28,47070,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2499,1,0,0,0,0,1,0,0,1,0,0,0,0 +"241",0,0,65000,36000,29000,41,41,41,41,29041,29041,48,37848,4,17,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,41,1,0,0,0,1,0,0,0,0,0,0,1,0 +"242",0,0,0,0,0,0,-13144,0,-13144,-13144,-10644,44,21000,7,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-13144,0,0,0,1,0,0,0,0,0,0,1,0,0 +"243",0,0,50000,15000,35000,0,-650,0,-650,34350,36850,54,4686,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-650,1,1,0,0,0,0,0,0,0,0,0,1,0 +"244",0,0,175000,91000,84000,2000,800,2000,800,84800,89925,42,24600,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,800,1,0,0,1,0,0,0,0,0,0,1,0,0 +"245",8200,0,110000,0,110000,44000,44000,52200,52200,162200,162200,56,22464,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,52200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"246",0,0,175000,80000,95000,0,-8000,0,-8000,87000,87500,37,28500,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"247",0,0,0,0,0,0,0,0,0,0,0,54,10440,2,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"248",0,0,30000,0,30000,0,-700,0,-700,29300,29300,59,13332,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-700,1,0,1,0,0,0,0,0,0,0,0,0,1 +"249",0,0,0,0,0,0,0,0,0,0,0,40,17136,4,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"250",31000,0,35000,0,35000,17898,17528,48898,48528,83528,92528,58,63360,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,48528,1,0,0,0,0,0,1,0,0,0,0,0,1 +"251",4500,0,62000,62000,0,5700,5700,10200,10200,10200,10295,46,27978,3,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,10200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"252",0,0,0,0,0,700,-7800,700,-7800,-7800,7200,28,43146,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-7800,0,0,0,0,0,1,0,0,1,0,0,0,0 +"253",0,0,25000,20000,5000,5,-1795,5,-1795,3205,4005,48,10338,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1795,1,0,1,0,0,0,0,0,0,0,0,1,0 +"254",0,0,120000,0,120000,2000,2000,2000,2000,122000,123850,42,19152,2,18,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,2000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"255",1000,0,0,0,0,1050,-2200,2050,-1200,-1200,29800,27,58320,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,-1200,0,0,0,0,0,0,1,0,1,0,0,0,0 +"256",0,0,12000,0,12000,3450,3325,3450,3325,15325,18675,43,11460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,3325,1,0,1,0,0,0,0,0,0,0,1,0,0 +"257",0,0,0,0,0,300,-400,300,-400,-400,2475,26,13818,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"258",0,0,38000,30000,8000,20,-2430,20,-2430,5570,8570,35,26640,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2430,1,0,0,1,0,0,0,0,0,1,0,0,0 +"259",0,0,0,0,0,13050,13050,13050,13050,13050,18300,29,17079,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,13050,0,0,1,0,0,0,0,0,1,0,0,0,0 +"260",0,0,0,0,0,500,-16000,500,-16000,-16000,-8000,34,57021,3,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-16000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"261",2000,0,0,0,0,27000,27000,29000,29000,29000,34493,29,12690,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,29000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"262",0,0,0,0,0,3600,-3900,3600,-3900,-3900,3100,27,58446,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-3900,0,0,0,0,0,0,1,0,1,0,0,0,0 +"263",0,0,90000,0,90000,2999,-3001,2999,-3001,86999,162999,35,34836,5,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-3001,1,0,0,0,1,0,0,0,0,1,0,0,0 +"264",0,0,105000,0,105000,1500,1400,1500,1400,106400,239350,63,25548,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"265",0,0,0,0,0,0,0,0,0,0,0,30,13110,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"266",6700,0,300000,150000,150000,529,529,7229,7229,157229,157229,46,18918,2,12,1,1,0,0,1,0,0,1,0,1,0,0,2,2,0.273258,7229,1,0,1,0,0,0,0,0,0,0,0,1,0 +"267",4000,0,199999,55000,144999,23749,17149,27749,21149,166148,182701,40,39201,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,21149,1,0,0,0,1,0,0,0,0,0,1,0,0 +"268",2900,0,43000,39000,4000,100,-10900,3000,-8000,-4000,-2500,39,36984,1,18,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,-8000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"269",0,0,35000,0,35000,146249,144749,146249,144749,179749,186749,61,34737,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,144749,1,0,0,0,1,0,0,0,0,0,0,0,1 +"270",0,0,75000,0,75000,1200,1200,1200,1200,76200,76700,32,29700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1200,1,0,0,1,0,0,0,0,0,1,0,0,0 +"271",0,0,32000,0,32000,450,-10550,450,-10550,21450,21450,44,22248,8,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-10550,1,0,0,1,0,0,0,0,0,0,1,0,0 +"272",2500,0,140000,81000,59000,5049,3549,7549,6049,65049,77049,44,67602,7,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6049,1,0,0,0,0,0,1,0,0,0,1,0,0 +"273",0,0,33500,33500,0,230,-21070,230,-21070,-21070,-15696,27,33453,3,16,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-21070,1,0,0,0,1,0,0,0,1,0,0,0,0 +"274",0,0,0,0,0,3000,2900,3000,2900,2900,3400,42,69375,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,2900,0,0,0,0,0,0,1,0,0,0,1,0,0 +"275",0,0,180000,66500,113500,1250,50,1250,50,113550,118550,40,42633,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,50,1,0,0,0,0,1,0,0,0,0,1,0,0 +"276",785,0,80000,30000,50000,40115,40115,40900,40900,90900,90900,45,70755,2,17,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,40900,1,0,0,0,0,0,1,0,0,0,0,1,0 +"277",0,0,0,0,0,0,0,0,0,0,4225,25,13320,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"278",0,0,300000,150000,150000,1000,1000,1000,1000,151000,151000,34,102996,3,18,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"279",0,0,32000,21000,11000,395,-11635,395,-11635,-635,7665,37,34803,5,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-11635,1,0,0,0,1,0,0,0,0,0,1,0,0 +"280",0,0,0,0,0,0,0,0,0,0,0,30,6471,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"281",1000,0,0,0,0,250,250,1250,1250,1250,8585,37,19455,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3268128,1250,0,0,1,0,0,0,0,0,0,0,1,0,0 +"282",16850,0,85000,0,85000,26598,26561,43448,43411,128411,136011,61,39081,2,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,43411,1,0,0,0,1,0,0,0,0,0,0,0,1 +"283",0,0,0,0,0,0,0,0,0,0,3350,51,15000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"284",0,0,0,0,0,830,230,830,230,230,13230,35,24144,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,230,0,0,0,1,0,0,0,0,0,1,0,0,0 +"285",0,0,252000,150000,102000,3010,-23990,3010,-23990,78010,78010,48,52206,7,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-23990,1,0,0,0,0,0,1,0,0,0,0,1,0 +"286",15918,0,0,0,0,39257,39257,55175,55175,55175,55175,38,23877,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,55175,0,0,0,1,0,0,0,0,0,0,1,0,0 +"287",0,0,60000,17400,42600,5,-7100,5,-7100,35500,38500,43,59208,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"288",0,0,145000,103000,42000,46500,46500,46500,46500,88500,91000,33,41712,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,46500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"289",0,0,78000,78000,0,1370,1370,1370,1370,1370,40370,49,46791,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,1370,1,0,0,0,0,1,0,0,0,0,0,1,0 +"290",63000,0,160000,40000,120000,648,648,63648,63648,183648,183648,40,54261,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,63648,1,0,0,0,0,0,1,0,0,0,1,0,0 +"291",0,0,0,0,0,0,0,0,0,0,0,29,16491,5,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"292",0,0,0,0,0,1125,-1875,1125,-1875,-1875,625,27,13215,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1875,0,0,1,0,0,0,0,0,1,0,0,0,0 +"293",0,0,95000,62000,33000,62800,62550,62800,62550,95550,98050,37,53835,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,62550,1,0,0,0,0,0,1,0,0,0,1,0,0 +"294",0,0,80000,58000,22000,340,-3160,340,-3160,18840,44840,42,29298,4,15,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-3160,1,0,0,1,0,0,0,0,0,0,1,0,0 +"295",0,0,0,0,0,0,0,0,0,0,0,25,16278,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"296",0,0,6000,0,6000,1202,1046,1202,1046,7046,7796,27,10857,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1046,1,0,1,0,0,0,0,0,1,0,0,0,0 +"297",0,0,45000,35000,10000,599,599,599,599,10599,10599,39,47937,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,599,1,0,0,0,0,1,0,0,0,0,1,0,0 +"298",0,0,80000,0,80000,449,-1551,449,-1551,78449,82024,52,16590,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1551,1,0,1,0,0,0,0,0,0,0,0,1,0 +"299",0,0,0,0,0,399,-3801,399,-3801,-3801,7399,30,44424,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-3801,0,0,0,0,0,1,0,0,0,1,0,0,0 +"300",0,0,0,0,0,49,49,49,49,49,49,25,11733,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,49,0,0,1,0,0,0,0,0,1,0,0,0,0 +"301",0,0,55000,40000,15000,0,-2500,0,-2500,12500,12500,29,36885,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"302",0,0,90000,0,90000,75299,75299,75299,75299,165299,165299,58,33510,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,75299,1,0,0,0,1,0,0,0,0,0,0,0,1 +"303",2250,0,65000,31000,34000,75,75,2325,2325,36325,44600,37,19440,1,12,1,0,1,0,1,0,0,1,0,1,0,0,2,2,0.3108636,2325,1,0,1,0,0,0,0,0,0,0,1,0,0 +"304",10000,0,0,0,0,21000,17000,33000,29000,29000,56596,48,59256,2,17,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.3107966,27000,0,0,0,0,0,0,1,0,0,0,0,1,0 +"305",2000,0,95000,72000,23000,15000,5000,17000,7000,30000,31600,45,50328,2,14,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.4868788,7000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"306",15000,0,75000,0,75000,40999,40499,55999,55499,130499,130499,55,31014,2,16,1,1,0,0,1,0,0,1,0,0,0,1,4,4,0.5449064,55499,1,0,0,0,1,0,0,0,0,0,0,0,1 +"307",0,0,88000,88000,0,2499,-2801,2499,-2801,-2801,2199,53,40926,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2801,1,0,0,0,0,1,0,0,0,0,0,1,0 +"308",0,0,35000,15300,19700,270,-13930,270,-13930,5770,5980,44,15603,2,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-13930,1,0,1,0,0,0,0,0,0,0,1,0,0 +"309",0,0,72000,64000,8000,1650,1500,1650,1500,9500,22166,33,24060,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"310",0,0,0,0,0,100,-4900,100,-4900,-4900,3175,48,12513,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4900,0,0,1,0,0,0,0,0,0,0,0,1,0 +"311",0,0,0,0,0,0,-1700,0,-1700,-1700,-1050,28,11688,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"312",17370,0,80000,40000,40000,1699,-1301,19069,16069,56069,59569,39,45762,4,17,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,16069,1,0,0,0,0,1,0,0,0,0,1,0,0 +"313",10000,0,100000,0,100000,13000,12350,23000,22350,122350,137650,37,55560,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,22350,1,0,0,0,0,0,1,0,0,0,1,0,0 +"314",6000,0,170000,145000,25000,1400,1000,7400,7000,32000,36000,28,30879,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,7000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"315",0,0,0,0,0,800,-1800,800,-1800,-1800,-1050,28,27030,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"316",30000,0,8000,0,8000,2148,2148,32148,32148,40148,195148,63,87720,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,32148,1,0,0,0,0,0,0,1,0,0,0,0,1 +"317",50000,0,0,0,0,39774,39774,89774,89774,89774,90274,61,29982,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,89774,0,0,0,1,0,0,0,0,0,0,0,0,1 +"318",0,0,0,0,0,0,0,0,0,0,0,39,10350,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"319",0,0,0,0,0,749,749,749,749,749,4099,35,16845,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,749,0,0,1,0,0,0,0,0,0,1,0,0,0 +"320",0,0,58000,7300,50700,0,-5000,0,-5000,45700,51280,46,17100,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"321",0,0,86000,44000,42000,1500,500,1500,500,42500,42500,29,44895,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"322",0,0,0,0,0,3446,3446,3446,3446,3446,3946,47,30720,2,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,3446,0,0,0,0,1,0,0,0,0,0,0,1,0 +"323",1200,0,0,0,0,3270,570,4470,1770,1770,3295,27,29661,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,1770,0,0,0,1,0,0,0,0,1,0,0,0,0 +"324",45300,0,125000,61000,64000,1247,1147,46547,46447,110447,140447,48,73017,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,46447,1,0,0,0,0,0,1,0,0,0,0,1,0 +"325",0,0,106000,106000,0,9449,8649,9449,8649,8649,8649,36,65505,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,8649,1,0,0,0,0,0,1,0,0,0,1,0,0 +"326",0,0,59000,59000,0,0,-1000,0,-1000,-1000,-1000,38,30540,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"327",0,0,0,0,0,0,0,0,0,0,2725,37,9792,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"328",0,0,0,0,0,2000,-13092,2000,-13092,-13092,-9192,26,55311,2,18,1,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-13092,0,0,0,0,0,0,1,0,1,0,0,0,0 +"329",0,0,0,0,0,0,0,0,0,0,50,25,26268,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"330",0,0,21000,0,21000,3720,3720,3720,3720,24720,25220,60,2307,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,3720,1,1,0,0,0,0,0,0,0,0,0,0,1 +"331",50000,0,300000,27000,273000,5083,5023,55083,55023,328023,335685,64,53379,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,55023,1,0,0,0,0,0,1,0,0,0,0,0,1 +"332",0,0,0,0,0,31,-22913,31,-22913,-22913,3087,48,54504,3,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.3598378,-22913,0,0,0,0,0,0,1,0,0,0,0,1,0 +"333",0,0,0,0,0,2115,2115,2115,2115,2115,3015,27,35205,5,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,2115,0,0,0,0,1,0,0,0,1,0,0,0,0 +"334",0,0,0,0,0,0,0,0,0,0,500,28,9408,5,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"335",0,0,0,0,0,392,392,392,392,392,392,32,24840,3,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,392,0,0,0,1,0,0,0,0,0,1,0,0,0 +"336",0,0,0,0,0,65,-1935,65,-1935,-1935,-1935,56,22140,7,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1935,0,0,0,1,0,0,0,0,0,0,0,0,1 +"337",0,0,90000,83000,7000,2499,1499,2499,1499,8499,24499,46,56094,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,1499,1,0,0,0,0,0,1,0,0,0,0,1,0 +"338",0,0,5000,0,5000,2400,2325,2400,2325,7325,9225,30,7275,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,2325,1,1,0,0,0,0,0,0,0,1,0,0,0 +"339",0,0,0,0,0,7500,-33880,7500,-33880,-33880,-33880,27,61125,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-33880,0,0,0,0,0,0,1,0,1,0,0,0,0 +"340",0,0,85000,56000,29000,15210,7210,15210,7210,36210,36210,32,34452,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,7210,1,0,0,0,1,0,0,0,0,1,0,0,0 +"341",0,0,0,0,0,0,0,0,0,0,1850,39,13650,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"342",0,0,0,0,0,75,-4925,75,-4925,-4925,-4925,36,10185,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-4925,0,0,1,0,0,0,0,0,0,0,1,0,0 +"343",9000,0,25000,21000,4000,15300,15300,24300,24300,28300,110898,51,35847,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,24300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"344",0,0,0,0,0,0,0,0,0,0,0,49,16578,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"345",0,0,0,0,0,3000,3000,3000,3000,3000,3000,35,24705,4,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,3000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"346",0,0,0,0,0,6700,4325,6700,4325,4325,9156,25,36042,2,16,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5896286,4325,0,0,0,0,1,0,0,0,1,0,0,0,0 +"347",0,0,12000,0,12000,0,0,0,0,12000,12750,32,18756,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"348",0,0,0,0,0,0,0,0,0,0,1000,25,3876,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"349",4000,0,185000,122000,63000,21000,21000,25000,25000,88000,88000,40,70650,4,15,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,25000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"350",60000,0,106400,0,106400,7266,6808,67266,66808,173208,275008,64,28017,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,66808,1,0,0,1,0,0,0,0,0,0,0,0,1 +"351",0,0,0,0,0,0,0,0,0,0,750,57,23280,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"352",3500,0,120000,16000,104000,7650,6450,11150,9950,113950,121950,50,45015,6,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,9950,1,0,0,0,0,1,0,0,0,0,0,1,0 +"353",0,0,0,0,0,99,99,99,99,99,99,54,26202,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,99,0,0,0,1,0,0,0,0,0,0,0,1,0 +"354",0,0,0,0,0,1500,1500,1500,1500,1500,7950,36,17055,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"355",0,0,8000,4000,4000,0,-7000,0,-7000,-3000,-3000,28,19770,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-7000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"356",0,0,0,0,0,20,-980,20,-980,-980,-980,34,18573,5,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-980,0,0,1,0,0,0,0,0,0,1,0,0,0 +"357",0,0,0,0,0,300,300,300,300,300,300,43,18360,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"358",0,0,0,0,0,699,-501,699,-501,-501,2860,45,15561,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-501,0,0,1,0,0,0,0,0,0,0,0,1,0 +"359",0,0,40000,35500,4500,200,200,200,200,4700,14700,38,28143,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"360",0,0,45000,42000,3000,900,900,900,900,3900,4750,30,33210,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,900,1,0,0,0,1,0,0,0,0,1,0,0,0 +"361",8000,0,60000,18000,42000,100,-3900,8100,4100,46100,55100,49,13200,4,10,0,1,0,0,1,0,0,1,1,0,0,0,2,1,0.1464927,4100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"362",0,0,55000,41000,14000,5800,3750,5800,3750,17750,19145,49,25923,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,3750,1,0,0,1,0,0,0,0,0,0,0,1,0 +"363",11500,0,130000,80000,50000,7399,3399,18899,14899,64899,67899,63,41064,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,14899,1,0,0,0,0,1,0,0,0,0,0,0,1 +"364",86000,0,250000,46000,204000,104000,103400,190000,189400,393400,448400,58,39150,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,189400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"365",0,0,0,0,0,0,-300,0,-300,-300,200,46,2205,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-300,0,1,0,0,0,0,0,0,0,0,0,1,0 +"366",3800,0,30000,30000,0,1150,-350,4950,3450,3450,3450,33,43830,3,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,3450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"367",7220,0,30000,0,30000,13198,13198,20418,20418,50418,50418,51,17616,3,12,1,1,0,0,1,0,0,1,0,1,0,0,2,2,0.273258,20418,1,0,1,0,0,0,0,0,0,0,0,1,0 +"368",8000,0,0,0,0,2850,1850,10850,9850,9850,13333,43,27381,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,9850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"369",0,0,45000,42000,3000,740,-2610,740,-2610,390,8390,40,38760,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2610,1,0,0,0,1,0,0,0,0,0,1,0,0 +"370",0,0,80000,13000,67000,20000,20000,20000,20000,87000,87000,62,30381,2,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,20000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"371",0,0,5000,0,5000,899,-8651,899,-8651,-3651,19699,55,27033,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8651,1,0,0,1,0,0,0,0,0,0,0,0,1 +"372",0,0,0,0,0,2300,-84700,2300,-84700,-84700,-84700,29,28149,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-84700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"373",0,0,0,0,0,749,-1751,749,-1751,-1751,-1751,32,41175,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-1751,0,0,0,0,0,1,0,0,0,1,0,0,0 +"374",0,0,0,0,0,1500,1500,1500,1500,1500,13500,42,24345,3,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"375",0,0,36000,32500,3500,400,400,400,400,3900,10600,56,32376,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"376",0,0,120000,120000,0,249,249,249,249,249,249,31,14931,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,249,1,0,1,0,0,0,0,0,0,1,0,0,0 +"377",0,0,120000,102000,18000,9998,9998,9998,9998,27998,27998,49,39102,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,9998,1,0,0,0,1,0,0,0,0,0,0,1,0 +"378",0,0,60000,43000,17000,0,-7000,0,-7000,10000,15000,52,53955,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"379",14700,0,80000,30000,50000,25299,22579,39999,37279,87279,111363,43,65820,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,37279,1,0,0,0,0,0,1,0,0,0,1,0,0 +"380",0,0,0,0,0,25,-2475,25,-2475,-2475,-2475,30,22236,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2475,0,0,0,1,0,0,0,0,0,1,0,0,0 +"381",0,0,70000,0,70000,0,0,0,0,70000,70000,35,37548,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"382",0,0,25000,16550,8450,4,4,4,4,8454,8454,47,17172,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,4,1,0,1,0,0,0,0,0,0,0,0,1,0 +"383",0,0,46000,46000,0,10029,10029,10029,10029,10029,12279,30,21306,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,10029,1,0,0,1,0,0,0,0,0,1,0,0,0 +"384",0,0,8000,8000,0,0,0,0,0,0,500,25,27030,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"385",0,0,35000,14000,21000,4000,4000,4000,4000,25000,30000,36,29160,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"386",0,0,100000,55000,45000,100,-700,100,-700,44300,56300,36,20280,5,10,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.273178,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"387",0,0,0,0,0,5650,5650,5650,5650,5650,5650,57,4680,1,18,1,0,0,0,1,0,0,0,0,0,0,1,1,4,0.3021799,5650,0,1,0,0,0,0,0,0,0,0,0,0,1 +"388",0,0,130000,61000,69000,2600,2550,2600,2550,71550,71550,36,77940,4,15,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,2550,1,0,0,0,0,0,0,1,0,0,1,0,0 +"389",0,0,20000,28000,-8000,0,-1400,0,-1400,-9400,-9400,28,22680,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1400,1,0,0,1,0,0,0,0,1,0,0,0,0 +"390",8700,0,145000,0,145000,5428,5128,14128,13828,158828,167746,62,31692,2,8,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,13828,1,0,0,0,1,0,0,0,0,0,0,0,1 +"391",5000,0,170000,107000,63000,5100,1600,10100,6600,69600,72600,44,37500,1,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,6600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"392",0,0,33750,33750,0,644,-7156,644,-7156,-7156,-922,27,8826,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,-7156,1,1,0,0,0,0,0,0,1,0,0,0,0 +"393",16500,0,175000,32000,143000,5200,5200,21700,21700,164700,164700,48,32325,3,12,1,1,1,0,1,0,0,1,0,1,0,0,4,2,0.5449064,21700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"394",0,0,0,0,0,128,-5226,128,-5226,-5226,-5226,48,11913,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-5226,0,0,1,0,0,0,0,0,0,0,0,1,0 +"395",0,0,0,0,0,0,-40,0,-40,-40,4371,49,15570,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-40,0,0,1,0,0,0,0,0,0,0,0,1,0 +"396",2500,0,85000,0,85000,2672,672,5172,3172,88172,88172,43,29898,4,15,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,3172,1,0,0,1,0,0,0,0,0,0,1,0,0 +"397",0,0,0,0,0,0,0,0,0,0,0,45,13428,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"398",0,0,0,0,0,11502,7501,11502,7501,7501,16076,39,25770,2,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,7501,0,0,0,1,0,0,0,0,0,0,1,0,0 +"399",0,0,300000,55000,245000,27349,27349,27349,27349,272349,272349,27,44640,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,27349,1,0,0,0,0,1,0,0,1,0,0,0,0 +"400",0,0,65000,0,65000,200,-300,200,-300,64700,71700,39,20760,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"401",0,0,0,0,0,100,-2550,100,-2550,-2550,-2225,31,12240,2,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-2550,0,0,1,0,0,0,0,0,0,1,0,0,0 +"402",0,0,102000,102000,0,238,-1062,238,-1062,-1062,-562,29,16236,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1062,1,0,1,0,0,0,0,0,1,0,0,0,0 +"403",0,0,120000,0,120000,4900,4900,4900,4900,124900,124900,58,28440,2,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,4900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"404",0,0,90000,83000,7000,1000,-6400,1000,-6400,600,8800,26,36090,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-6400,1,0,0,0,1,0,0,0,1,0,0,0,0 +"405",0,0,58000,15000,43000,4450,3450,4450,3450,46450,46450,50,27,3,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.062312,3450,1,1,0,0,0,0,0,0,0,0,0,1,0 +"406",0,0,15000,8000,7000,1200,1200,1200,1200,8200,17900,29,18540,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,1200,1,0,1,0,0,0,0,0,1,0,0,0,0 +"407",0,0,60000,55000,5000,410,110,410,110,5110,5110,28,41130,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,110,1,0,0,0,0,1,0,0,1,0,0,0,0 +"408",0,0,150000,75000,75000,200,200,200,200,75200,75200,58,20490,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"409",0,0,20000,6000,14000,125,-275,125,-275,13725,15075,41,15642,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-275,1,0,1,0,0,0,0,0,0,0,1,0,0 +"410",0,0,0,0,0,0,0,0,0,0,0,52,14040,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"411",0,0,75000,0,75000,53699,53699,53699,53699,128699,128699,55,54963,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,53699,1,0,0,0,0,0,1,0,0,0,0,0,1 +"412",0,0,0,0,0,1137,-1563,1137,-1563,-1563,37,30,33219,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-1563,0,0,0,0,1,0,0,0,0,1,0,0,0 +"413",0,0,160000,111500,48500,27196,27196,27196,27196,75696,120946,57,49509,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,27196,1,0,0,0,0,1,0,0,0,0,0,0,1 +"414",0,0,0,0,0,125,-150,125,-150,-150,3200,25,10161,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-150,0,0,1,0,0,0,0,0,1,0,0,0,0 +"415",0,0,90000,61000,29000,5000,5000,5000,5000,34000,40375,35,11628,3,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,5000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"416",11694,0,0,0,0,11982,10533,23676,22227,22227,93326,38,35247,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6739899,22227,0,0,0,0,1,0,0,0,0,0,1,0,0 +"417",0,0,0,0,0,225,225,225,225,225,225,41,39630,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,225,0,0,0,0,1,0,0,0,0,0,1,0,0 +"418",0,0,0,0,0,200,200,200,200,200,700,32,21399,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"419",4000,0,0,0,0,7549,4549,11549,8549,8549,8549,56,33477,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,8549,0,0,0,0,1,0,0,0,0,0,0,0,1 +"420",0,0,0,0,0,4999,4999,4999,4999,4999,6499,35,34647,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,4999,0,0,0,0,1,0,0,0,0,1,0,0,0 +"421",0,0,225000,13000,212000,70000,66700,70000,66700,278700,336200,58,100329,3,15,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,66700,1,0,0,0,0,0,0,1,0,0,0,0,1 +"422",0,0,48000,32000,16000,2150,550,2150,550,16550,16550,31,20526,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,550,1,0,0,1,0,0,0,0,0,1,0,0,0 +"423",26500,0,145000,145000,0,106300,104850,132800,131350,131350,241350,43,73710,2,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,131350,1,0,0,0,0,0,1,0,0,0,1,0,0 +"424",0,0,55000,0,55000,57050,55600,57050,55600,110600,110600,59,47064,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,55600,1,0,0,0,0,1,0,0,0,0,0,0,1 +"425",25000,0,210000,137000,73000,9000,9000,137000,137000,210000,216000,39,54900,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,34000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"426",0,0,60000,0,60000,2999,2999,2999,2999,62999,62999,56,16092,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"427",0,0,58000,47500,10500,13004,9004,13004,9004,19504,52504,42,28554,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,9004,1,0,0,1,0,0,0,0,0,0,1,0,0 +"428",0,0,125000,68000,57000,2550,-3375,2550,-3375,53625,53625,33,38136,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3375,1,0,0,0,1,0,0,0,0,1,0,0,0 +"429",0,0,60000,12000,48000,0,-1200,0,-1200,46800,80300,40,24084,6,5,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"430",0,0,100000,50900,49100,15226,12726,15226,12726,61826,61826,38,85092,4,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,12726,1,0,0,0,0,0,0,1,0,0,1,0,0 +"431",307,0,135000,75000,60000,3092,3092,3399,3399,63399,63899,36,15645,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.1320933,3399,1,0,1,0,0,0,0,0,0,0,1,0,0 +"432",0,0,95000,62000,33000,15000,7200,15000,7200,40200,57000,46,35610,2,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"433",0,0,0,0,0,12000,12000,12000,12000,12000,12000,25,44070,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,12000,0,0,0,0,0,1,0,0,1,0,0,0,0 +"434",0,0,0,0,0,1000,1000,1000,1000,1000,1000,36,14460,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"435",0,0,75000,15500,59500,14049,13239,14049,13239,72739,72739,62,30429,2,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,13239,1,0,0,0,1,0,0,0,0,0,0,0,1 +"436",8975,0,110000,40000,70000,972,-1628,9947,7347,77347,82477,44,44934,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,7347,1,0,0,0,0,1,0,0,0,0,1,0,0 +"437",0,0,8000,0,8000,12400,12400,12400,12400,20400,65400,31,23550,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,12400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"438",0,0,20000,4000,16000,0,-1260,0,-1260,14740,17740,33,14280,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1260,1,0,1,0,0,0,0,0,0,1,0,0,0 +"439",12000,0,70000,0,70000,25000,24400,37000,36400,106400,112050,45,28875,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,36400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"440",0,0,100000,53500,46500,800,-1200,800,-1200,45300,46800,56,37755,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,0,0,0,0,1 +"441",0,0,0,0,0,0,-465,0,-465,-465,1535,35,8670,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-465,0,1,0,0,0,0,0,0,0,1,0,0,0 +"442",0,0,14000,10000,4000,250,-3250,250,-3250,750,750,35,6000,2,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-3250,1,1,0,0,0,0,0,0,0,1,0,0,0 +"443",0,0,50000,20800,29200,100,-11400,100,-11400,17800,22800,28,21891,5,13,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-11400,1,0,0,1,0,0,0,0,1,0,0,0,0 +"444",0,0,22000,7200,14800,150,-3250,150,-3250,11550,14325,46,15144,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-3250,1,0,1,0,0,0,0,0,0,0,0,1,0 +"445",0,0,0,0,0,153,-15047,153,-15047,-15047,-7047,31,7320,2,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-15047,0,1,0,0,0,0,0,0,0,1,0,0,0 +"446",0,0,0,0,0,20,20,20,20,20,2520,32,12243,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,20,0,0,1,0,0,0,0,0,0,1,0,0,0 +"447",0,0,0,0,0,182,182,182,182,182,182,32,10929,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,182,0,0,1,0,0,0,0,0,0,1,0,0,0 +"448",0,0,42000,41129,871,27,-7773,27,-7773,-6902,-4852,47,10590,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7773,1,0,1,0,0,0,0,0,0,0,0,1,0 +"449",0,0,0,0,0,50025,50025,50025,50025,50025,50025,29,64560,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,50025,0,0,0,0,0,0,1,0,1,0,0,0,0 +"450",0,0,80000,21000,59000,1400,1400,1400,1400,60400,63575,59,18936,3,8,1,1,1,0,1,0,0,0,1,0,0,0,2,1,0.3623197,1400,1,0,1,0,0,0,0,0,0,0,0,0,1 +"451",9300,0,120000,0,120000,79450,79450,88750,88750,208750,220250,54,34035,1,16,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,88750,1,0,0,0,1,0,0,0,0,0,0,1,0 +"452",0,0,35000,15000,20000,649,-11351,649,-11351,8649,21149,35,16077,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-11351,1,0,1,0,0,0,0,0,0,1,0,0,0 +"453",0,0,0,0,0,0,0,0,0,0,0,42,7470,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"454",0,0,60000,0,60000,0,0,0,0,60000,60000,51,16350,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"455",0,0,270000,125000,145000,10000,4600,10000,4600,149600,149600,32,50970,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,4600,1,0,0,0,0,0,1,0,0,1,0,0,0 +"456",0,0,60000,40000,20000,650,50,650,50,20050,22550,43,39612,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,50,1,0,0,0,1,0,0,0,0,0,1,0,0 +"457",0,0,73500,57500,16000,2830,2830,2830,2830,18830,18830,32,35832,4,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,2830,1,0,0,0,1,0,0,0,0,1,0,0,0 +"458",0,0,0,0,0,560,-3440,560,-3440,-3440,560,28,19152,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-3440,0,0,1,0,0,0,0,0,1,0,0,0,0 +"459",0,0,90000,0,90000,350,-1750,350,-1750,88250,90750,29,14892,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1750,1,0,1,0,0,0,0,0,1,0,0,0,0 +"460",0,0,40000,20000,20000,825,-975,825,-975,19025,23325,34,19362,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-975,1,0,1,0,0,0,0,0,0,1,0,0,0 +"461",0,0,135000,107500,27500,4100,2100,4100,2100,29600,35475,32,21306,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,2100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"462",0,0,29000,29000,0,1200,1200,1200,1200,1200,6200,26,24348,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,1200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"463",0,0,0,0,0,35597,23997,35597,23997,23997,192797,38,2661,1,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,23997,0,1,0,0,0,0,0,0,0,0,1,0,0 +"464",0,0,70000,49000,21000,0,0,0,0,21000,21000,41,12000,5,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"465",0,0,25000,22000,3000,0,-3000,0,-3000,0,0,49,24882,3,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-3000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"466",0,0,0,0,0,3,-627,3,-627,-627,-627,36,12750,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-627,0,0,1,0,0,0,0,0,0,0,1,0,0 +"467",4000,0,0,0,0,1599,1499,5599,5499,5499,13174,64,18090,1,9,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,5499,0,0,1,0,0,0,0,0,0,0,0,0,1 +"468",6500,0,200000,25000,175000,6699,6699,13199,13199,188199,188199,53,34191,4,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,13199,1,0,0,0,1,0,0,0,0,0,0,1,0 +"469",0,0,300000,0,300000,122499,122499,122499,122499,422499,430574,61,60150,2,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,122499,1,0,0,0,0,0,1,0,0,0,0,0,1 +"470",0,0,130000,84000,46000,11043,8043,11043,8043,54043,62958,50,54981,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,8043,1,0,0,0,0,0,1,0,0,0,0,1,0 +"471",0,0,0,0,0,200,-14800,200,-14800,-14800,-11300,44,15513,4,15,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-14800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"472",0,0,0,0,0,204,-2796,204,-2796,-2796,-2796,31,12816,7,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-2796,0,0,1,0,0,0,0,0,0,1,0,0,0 +"473",0,0,0,0,0,1999,1999,1999,1999,1999,2499,33,14520,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1999,0,0,1,0,0,0,0,0,0,1,0,0,0 +"474",0,0,30000,0,30000,200,-100,200,-100,29900,29900,61,8382,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-100,1,1,0,0,0,0,0,0,0,0,0,0,1 +"475",0,0,285000,45000,240000,40000,20000,40000,20000,260000,260000,62,14100,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,20000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"476",0,0,0,0,0,3000,3000,3000,3000,3000,3000,41,43410,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,3000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"477",0,0,0,0,0,899,149,899,149,149,149,28,15669,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,149,0,0,1,0,0,0,0,0,1,0,0,0,0 +"478",18000,0,135000,0,135000,159999,157999,177999,175999,310999,329499,63,61476,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,175999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"479",1800,0,0,0,0,2400,1300,4200,3100,3100,4600,30,30210,2,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,3100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"480",0,0,30000,14000,16000,499,499,499,499,16499,16999,45,15780,2,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,499,1,0,1,0,0,0,0,0,0,0,0,1,0 +"481",0,0,0,0,0,0,-2000,0,-2000,-2000,-200,27,8640,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2000,0,1,0,0,0,0,0,0,1,0,0,0,0 +"482",0,0,0,0,0,0,-4000,0,-4000,-4000,-2375,26,18000,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"483",0,0,0,0,0,3900,-8400,3900,-8400,-8400,-8400,31,46800,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-8400,0,0,0,0,0,1,0,0,0,1,0,0,0 +"484",0,0,0,0,0,2100,-4100,2100,-4100,-4100,475,31,29025,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"485",0,0,87000,68000,19000,500,-7000,500,-7000,12000,29000,32,59958,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"486",0,0,0,0,0,9000,1000,9000,1000,1000,4596,28,25200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"487",0,0,75000,0,75000,0,0,0,0,75000,75000,34,48900,4,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,1,0,0,0 +"488",0,0,38000,38000,0,9,-16122,9,-16122,-16122,-7322,47,23067,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-16122,1,0,0,1,0,0,0,0,0,0,0,1,0 +"489",0,0,0,0,0,100,-1900,100,-1900,-1900,-1400,42,28350,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 +"490",0,0,50000,45000,5000,400,0,400,0,5000,51000,45,50883,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,0,1,0 +"491",0,0,50000,35000,15000,100,-1500,100,-1500,13500,22500,31,30324,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"492",0,0,0,0,0,20,-20,20,-20,-20,-20,30,10272,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-20,0,0,1,0,0,0,0,0,0,1,0,0,0 +"493",0,0,150000,95500,54500,12500,12400,12500,12400,66900,69400,31,50388,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,12400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"494",0,0,0,0,0,199,199,199,199,199,249,44,22692,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,199,0,0,0,1,0,0,0,0,0,0,1,0,0 +"495",0,0,200000,100000,100000,27650,27150,27650,27150,127150,133052,40,42672,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,27150,1,0,0,0,0,1,0,0,0,0,1,0,0 +"496",0,0,48000,35500,12500,59,59,59,59,12559,13559,43,30333,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,59,1,0,0,0,1,0,0,0,0,0,1,0,0 +"497",0,0,25000,0,25000,549,-651,549,-651,24349,24349,52,10968,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-651,1,0,1,0,0,0,0,0,0,0,0,1,0 +"498",0,0,0,0,0,1350,-28650,1800,-28200,-28200,-28200,33,6855,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-28650,0,1,0,0,0,0,0,0,0,1,0,0,0 +"499",0,0,0,0,0,0,-7500,0,-7500,-7500,-4000,34,19890,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"500",6000,0,50000,40000,10000,6550,3500,12550,9500,19500,19500,55,30954,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,9500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"501",0,0,0,0,0,0,-117200,0,-117200,-117200,-117200,39,14790,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-117200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"502",38000,0,60000,16300,43700,5300,4800,43300,42800,86500,86500,53,32559,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,42800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"503",0,0,0,0,0,0,-3600,0,-3600,-3600,-2100,26,2025,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3600,0,1,0,0,0,0,0,0,1,0,0,0,0 +"504",0,0,68000,67000,1000,1000,-3000,1000,-3000,-2000,6000,39,48360,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"505",45000,0,170000,0,170000,180000,180000,225000,225000,395000,409900,38,71703,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,225000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"506",0,0,0,0,0,700,700,700,700,700,5700,34,34800,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"507",0,0,70000,11400,58600,800,400,800,400,59000,77250,64,36798,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"508",0,0,0,0,0,67498,59498,67498,59498,59498,59498,46,64203,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,59498,0,0,0,0,0,0,1,0,0,0,0,1,0 +"509",0,0,0,0,0,1700,-5800,1700,-5800,-5800,1647,25,26610,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-5800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"510",0,0,0,0,0,200,200,200,200,200,200,41,12900,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"511",0,0,0,0,0,0,-220,0,-220,-220,280,56,12723,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-220,0,0,1,0,0,0,0,0,0,0,0,0,1 +"512",0,0,40000,0,40000,430,-12970,430,-12970,27030,27030,44,35034,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-12970,1,0,0,0,1,0,0,0,0,0,1,0,0 +"513",0,0,0,0,0,800,800,800,800,800,800,45,26661,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,800,0,0,0,1,0,0,0,0,0,0,0,1,0 +"514",0,0,0,0,0,175,-11425,175,-11425,-11425,-8425,27,28809,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-11425,0,0,0,1,0,0,0,0,1,0,0,0,0 +"515",0,0,130000,78000,52000,200,-3800,200,-3800,48200,56253,44,34965,3,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-3800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"516",60000,0,125000,106000,19000,4900,400,64900,60400,79400,79400,43,103356,3,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,60400,1,0,0,0,0,0,0,1,0,0,1,0,0 +"517",0,0,0,0,0,4999,4999,4999,4999,4999,4999,49,41100,1,16,0,1,1,0,1,0,0,0,0,0,0,1,5,4,0.3243191,4999,0,0,0,0,0,1,0,0,0,0,0,1,0 +"518",0,0,0,0,0,0,-300,0,-300,-300,-300,61,17430,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,0,0,1 +"519",0,0,22000,0,22000,0,0,0,0,22000,22000,53,13770,3,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"520",0,0,40000,15000,25000,0,0,0,0,25000,26250,52,6282,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"521",0,0,0,0,0,200,-1600,200,-1600,-1600,4943,35,30804,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1600,0,0,0,0,1,0,0,0,0,1,0,0,0 +"522",0,0,0,0,0,3600,100,3600,100,100,850,36,25020,1,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"523",0,0,0,0,0,0,0,0,0,0,500,38,11040,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"524",0,0,0,0,0,50,50,50,50,50,800,29,16800,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 +"525",0,0,0,0,0,500,500,500,500,500,500,57,25008,3,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,500,0,0,0,1,0,0,0,0,0,0,0,0,1 +"526",0,0,25000,7000,18000,0,0,0,0,18000,18000,26,21990,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"527",0,0,150000,130000,20000,19940,19940,19940,19940,39940,39940,33,74568,2,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,19940,1,0,0,0,0,0,1,0,0,1,0,0,0 +"528",0,0,0,0,0,4400,4175,4400,4175,4175,15175,36,63288,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,4175,0,0,0,0,0,0,1,0,0,0,1,0,0 +"529",7250,0,0,0,0,18200,18200,25450,25450,25450,25450,55,55326,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,25450,0,0,0,0,0,0,1,0,0,0,0,0,1 +"530",0,0,32000,18000,14000,106700,104500,106700,104500,118500,118500,42,36489,3,18,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,104500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"531",0,0,0,0,0,330,-27770,330,-27770,-27770,-22838,34,17022,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-27770,0,0,1,0,0,0,0,0,0,1,0,0,0 +"532",0,0,180000,29000,151000,149,99,149,99,151099,157099,43,36000,3,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,99,1,0,0,0,1,0,0,0,0,0,1,0,0 +"533",0,0,0,0,0,800,-200,800,-200,-200,6500,28,26493,5,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"534",0,0,101000,101000,0,1597,-8653,1597,-8653,-8653,-1153,50,37437,2,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-8653,1,0,0,0,1,0,0,0,0,0,0,1,0 +"535",0,0,25000,16000,9000,4900,4900,4900,4900,13900,22025,26,16860,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,4900,1,0,1,0,0,0,0,0,1,0,0,0,0 +"536",0,0,0,0,0,8000,8000,8000,8000,8000,9992,31,14880,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,8000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"537",0,0,112000,100200,11800,14000,-400,14000,-400,11400,11400,33,90306,4,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-400,1,0,0,0,0,0,0,1,0,1,0,0,0 +"538",0,0,0,0,0,0,0,0,0,0,0,44,3825,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"539",0,0,0,0,0,330,330,330,330,330,330,31,15300,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,330,0,0,1,0,0,0,0,0,0,1,0,0,0 +"540",12000,0,0,0,0,100000,98000,112000,110000,110000,110000,39,46791,4,16,0,1,1,0,1,0,0,1,0,0,0,1,5,4,0.3442089,110000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"541",0,0,40000,28000,12000,500,-6200,500,-6200,5800,5800,38,20985,5,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-6200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"542",0,0,30000,0,30000,19999,18499,19999,18499,48499,51299,52,26856,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,18499,1,0,0,1,0,0,0,0,0,0,0,1,0 +"543",0,0,34000,9200,24800,10500,10500,10500,10500,35300,119900,38,41982,4,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,10500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"544",3500,0,80000,73000,7000,27050,26550,30550,30050,37050,37050,46,38925,4,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,30050,1,0,0,0,1,0,0,0,0,0,0,1,0 +"545",6000,0,40000,37000,3000,1250,750,7250,6750,9750,9750,36,22815,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,6750,1,0,0,1,0,0,0,0,0,0,1,0,0 +"546",0,0,0,0,0,3000,0,3000,0,0,12000,47,57924,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.3598378,0,0,0,0,0,0,0,1,0,0,0,0,1,0 +"547",0,0,0,0,0,2000,2000,2000,2000,2000,5500,27,31308,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,2000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"548",0,0,0,0,0,1575,575,1575,575,575,11875,25,17310,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,575,0,0,1,0,0,0,0,0,1,0,0,0,0 +"549",0,0,110000,65000,45000,13600,6540,13600,6540,51540,61840,53,49452,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6540,1,0,0,0,0,1,0,0,0,0,0,1,0 +"550",0,0,28000,0,28000,1,-449,1,-449,27551,43604,36,8640,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-449,1,1,0,0,0,0,0,0,0,0,1,0,0 +"551",0,0,7000,7000,0,0,0,0,0,0,500,26,5280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"552",0,0,0,0,0,0,0,0,0,0,0,31,8670,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"553",0,0,0,0,0,0,-1600,0,-1600,-1600,2400,53,21816,1,10,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-1600,0,0,0,1,0,0,0,0,0,0,0,1,0 +"554",0,0,90000,0,90000,8250,2750,8250,2750,92750,164750,60,58830,2,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,2750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"555",0,0,103000,0,103000,0,-200,0,-200,102800,102800,43,14070,4,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"556",0,0,96065,52000,44065,600,-551,600,-551,43514,50564,49,21648,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-551,1,0,0,1,0,0,0,0,0,0,0,1,0 +"557",0,0,44000,36000,8000,1500,1400,1500,1400,9400,16400,25,37257,2,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,1400,1,0,0,0,1,0,0,0,1,0,0,0,0 +"558",0,0,0,0,0,2000,-8300,2000,-8300,-8300,-7550,42,17952,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-8300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"559",0,0,9000,9000,0,100,-1900,100,-1900,-1900,-1900,31,22011,7,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"560",0,0,50000,42500,7500,0,-1000,0,-1000,6500,8500,48,30240,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"561",0,0,50000,0,50000,5021,5021,5021,5021,55021,55021,54,9600,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,5021,1,1,0,0,0,0,0,0,0,0,0,1,0 +"562",0,0,60000,10000,50000,5935,4035,5935,4035,54035,61287,53,28317,2,11,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,4035,1,0,0,1,0,0,0,0,0,0,0,1,0 +"563",0,0,0,0,0,0,-6000,0,-6000,-6000,-5500,42,16338,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-6000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"564",0,0,0,0,0,0,0,0,0,0,3350,32,19200,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"565",0,0,90650,90650,0,10,-4470,10,-4470,-4470,-4470,42,53205,5,6,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-4470,1,0,0,0,0,0,1,0,0,0,1,0,0 +"566",0,0,50000,0,50000,1700,1100,1700,1100,51100,51100,52,27465,4,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.3978536,1100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"567",0,0,0,0,0,0,0,0,0,0,500,46,4800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"568",0,0,125000,78900,46100,3299,-1701,3299,-1701,44399,46899,39,33300,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1701,1,0,0,0,1,0,0,0,0,0,1,0,0 +"569",56000,0,300000,150000,150000,84000,-16000,140000,40000,190000,300000,46,160200,6,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,40000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"570",260,0,0,0,0,3022,-15978,3282,-15718,-15718,-14718,55,39528,2,10,1,1,1,1,1,0,0,1,1,0,0,0,4,1,0.6044431,-15718,0,0,0,0,1,0,0,0,0,0,0,0,1 +"571",0,0,35000,0,35000,16500,16350,16500,16350,51350,86650,63,25611,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,16350,1,0,0,1,0,0,0,0,0,0,0,0,1 +"572",0,0,0,0,0,83,83,83,83,83,83,43,32316,4,10,1,1,1,1,1,0,0,0,1,0,0,0,4,1,0.5896286,83,0,0,0,0,1,0,0,0,0,0,1,0,0 +"573",2330,0,130000,70000,60000,9725,7725,12055,10055,70055,74055,34,41757,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,10055,1,0,0,0,0,1,0,0,0,1,0,0,0 +"574",0,0,0,0,0,275,-19565,275,-19565,-19565,-19240,32,13800,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-19565,0,0,1,0,0,0,0,0,0,1,0,0,0 +"575",0,0,70000,0,70000,30000,30000,30000,30000,100000,100000,55,8850,2,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,30000,1,1,0,0,0,0,0,0,0,0,0,0,1 +"576",0,0,0,0,0,0,0,0,0,0,550,36,17280,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"577",0,0,0,0,0,0,0,0,0,0,0,33,11340,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"578",0,0,60000,0,60000,540,-460,540,-460,59540,59540,46,7767,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-460,1,1,0,0,0,0,0,0,0,0,0,1,0 +"579",90000,0,60000,0,60000,35499,35199,125499,125199,185199,185199,56,57984,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,125199,1,0,0,0,0,0,1,0,0,0,0,0,1 +"580",0,0,65000,40000,25000,1000,-500,1000,-500,24500,24858,51,19968,2,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"581",0,0,0,0,0,1500,-7500,1500,-7500,-7500,-3700,27,43518,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-7500,0,0,0,0,0,1,0,0,1,0,0,0,0 +"582",0,0,0,0,0,0,0,0,0,0,1500,58,17448,1,8,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"583",0,0,36400,25000,11400,250,-1450,250,-1450,9950,16450,34,28869,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1450,1,0,0,1,0,0,0,0,0,1,0,0,0 +"584",39000,0,175000,0,175000,21400,20300,60400,59300,234300,534300,58,23706,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,59300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"585",0,0,0,0,0,0,0,0,0,0,750,43,10668,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"586",0,0,57000,30000,27000,749,-3036,749,-3036,23964,42964,28,19701,4,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-3036,1,0,1,0,0,0,0,0,1,0,0,0,0 +"587",1520,0,8000,5000,3000,28,-6712,1548,-5192,-2192,-792,36,15186,4,9,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.1464927,-5192,1,0,1,0,0,0,0,0,0,0,1,0,0 +"588",0,0,0,0,0,1549,449,1549,449,449,7449,35,32022,3,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,449,0,0,0,0,1,0,0,0,0,1,0,0,0 +"589",0,0,0,0,0,4900,1900,4900,1900,1900,1900,28,20730,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"590",0,0,85000,78000,7000,3000,1300,3000,1300,8300,8300,30,32430,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"591",0,0,225000,80000,145000,12849,12849,12849,12849,157849,157849,36,51165,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,12849,1,0,0,0,0,0,1,0,0,0,1,0,0 +"592",0,0,0,0,0,4000,4000,4000,4000,4000,11000,39,7143,6,8,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,4000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"593",10000,0,300000,150000,150000,2500,-3800,12500,6200,156200,356200,49,134490,5,18,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,6200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"594",0,0,50000,0,50000,750,50,750,50,50050,53050,44,11610,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,1,0,0 +"595",0,0,50000,0,50000,3199,3199,3199,3199,53199,58199,46,36390,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,3199,1,0,0,0,1,0,0,0,0,0,0,1,0 +"596",0,0,0,0,0,300,250,300,250,250,-750,33,14877,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,1,0,0,0 +"597",0,0,0,0,0,0,-500,0,-500,-500,0,35,19287,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"598",0,0,45000,19500,25500,1950,450,1950,450,25950,25950,47,33792,6,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,450,1,0,0,0,1,0,0,0,0,0,0,1,0 +"599",0,0,56000,35000,21000,9999,6399,9999,6399,27399,27399,56,25761,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,6399,1,0,0,1,0,0,0,0,0,0,0,0,1 +"600",0,0,55000,32000,23000,100,-2900,100,-2900,20100,20100,43,29808,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"601",0,0,0,0,0,1455,-7545,1455,-7545,-7545,-6795,27,26940,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-7545,0,0,0,1,0,0,0,0,1,0,0,0,0 +"602",21400,0,300000,150000,150000,32847,32847,54247,54247,204247,404247,52,22488,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,54247,1,0,0,1,0,0,0,0,0,0,0,1,0 +"603",0,0,30000,20000,10000,0,-2100,0,-2100,7900,7900,33,22764,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"604",3534,0,99950,76500,23450,1175,-4525,4709,-991,22459,31659,34,42429,2,13,1,1,1,1,1,0,0,1,0,0,1,0,5,3,0.7196674,-991,1,0,0,0,0,1,0,0,0,1,0,0,0 +"605",0,0,175000,0,175000,3500,2700,3500,2700,177700,257700,40,47355,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"606",0,0,0,0,0,1300,-300,1300,-300,-300,19700,29,33600,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"607",9600,0,100000,80000,20000,2980,-3620,12580,5980,25980,57980,59,64956,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,5980,1,0,0,0,0,0,1,0,0,0,0,0,1 +"608",4200,0,200000,26000,174000,9200,7200,13400,11400,185400,185400,44,59664,5,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"609",0,0,90000,80000,10000,500,-1500,500,-1500,8500,8500,42,47682,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"610",0,0,0,0,0,5,-6395,5,-6395,-6395,780,25,27918,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-6395,0,0,0,1,0,0,0,0,1,0,0,0,0 +"611",0,0,0,0,0,200,200,200,200,200,200,34,53520,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,200,0,0,0,0,0,0,1,0,0,1,0,0,0 +"612",0,0,59000,20000,39000,0,0,0,0,39000,39000,41,46080,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,0,1,0,0,0,0,1,0,0,0,0,1,0,0 +"613",0,0,0,0,0,100,-700,100,-700,-700,3875,34,22800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"614",1850,0,125000,0,125000,50350,45850,52200,47700,172700,576200,62,65028,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,47700,1,0,0,0,0,0,1,0,0,0,0,0,1 +"615",2000,0,0,0,0,11000,11000,13000,13000,13000,73000,30,67125,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,13000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"616",0,0,0,0,0,1500,-1335,1500,-1335,-1335,-335,28,31800,4,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-1335,0,0,0,0,1,0,0,0,1,0,0,0,0 +"617",0,0,0,0,0,0,0,0,0,0,0,26,16983,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"618",4000,0,95000,49000,46000,1700,1700,5700,5700,51700,58116,59,13974,3,7,0,0,1,0,1,0,0,1,1,0,0,0,2,1,0.1320933,5700,1,0,1,0,0,0,0,0,0,0,0,0,1 +"619",0,0,0,0,0,5300,3500,5300,3500,3500,5900,33,19236,1,17,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,3500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"620",0,0,0,0,0,1500,750,1500,750,750,975,46,12630,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,750,0,0,1,0,0,0,0,0,0,0,0,1,0 +"621",0,0,80000,80000,0,10,-5790,10,-5790,-5790,-5790,48,21066,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-5790,1,0,0,1,0,0,0,0,0,0,0,1,0 +"622",0,0,0,0,0,150,-1850,150,-1850,-1850,1829,32,17550,2,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-1850,0,0,1,0,0,0,0,0,0,1,0,0,0 +"623",0,0,85000,0,85000,39000,39000,39000,39000,124000,131775,62,58272,1,11,1,0,1,0,1,0,0,0,1,0,0,0,6,1,0.7472324,39000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"624",0,0,0,0,0,500,-4500,500,-4500,-4500,350,29,18000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"625",0,0,240000,70000,170000,11730,11730,11730,11730,181730,234730,48,77913,2,14,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,11730,1,0,0,0,0,0,0,1,0,0,0,1,0 +"626",982,0,0,0,0,85,-1591,1067,-609,-609,-609,29,27486,6,10,0,1,1,0,1,0,0,1,1,0,0,0,3,1,0.2061994,-609,0,0,0,1,0,0,0,0,1,0,0,0,0 +"627",0,0,0,0,0,16999,16999,16999,16999,16999,20777,26,33651,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,16999,0,0,0,0,1,0,0,0,1,0,0,0,0 +"628",0,0,0,0,0,2149,-2051,2149,-2051,-2051,-2051,32,20205,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-2051,0,0,0,1,0,0,0,0,0,1,0,0,0 +"629",1000,0,75000,54000,21000,1000,700,2000,1700,22700,22700,41,45810,4,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,1700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"630",0,0,0,0,0,400,-10500,400,-10500,-10500,-10500,32,67422,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-10500,0,0,0,0,0,0,1,0,0,1,0,0,0 +"631",4000,0,300000,150000,150000,120000,116000,124000,120000,270000,270000,40,124932,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,120000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"632",0,0,285000,40000,245000,500,-400,500,-400,244600,444600,63,43902,2,9,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,-400,1,0,0,0,0,1,0,0,0,0,0,0,1 +"633",0,0,0,0,0,4,4,4,4,4,854,31,3603,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,4,0,1,0,0,0,0,0,0,0,1,0,0,0 +"634",0,0,155000,17000,138000,2400,1900,2400,1900,139900,139900,53,96909,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,1900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"635",0,0,45000,0,45000,40000,39966,40000,39966,84966,86566,56,27621,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,39966,1,0,0,1,0,0,0,0,0,0,0,0,1 +"636",5000,0,90000,67000,23000,4000,4000,9000,9000,32000,32000,45,61560,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,9000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"637",0,0,75000,0,75000,8,-2617,8,-2617,72383,70883,52,9000,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3536102,-2617,1,1,0,0,0,0,0,0,0,0,0,1,0 +"638",0,0,0,0,0,9600,9150,9600,9150,9150,11725,43,18900,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,9150,0,0,1,0,0,0,0,0,0,0,1,0,0 +"639",0,0,0,0,0,14000,14000,14000,14000,14000,14000,63,15558,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,14000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"640",0,0,0,0,0,55,55,55,55,55,55,26,32640,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,55,0,0,0,0,1,0,0,0,1,0,0,0,0 +"641",2000,0,60000,20000,40000,900,350,2900,2350,42350,42350,48,41655,3,10,1,1,0,1,1,0,0,1,1,0,0,0,5,1,0.7196674,2350,1,0,0,0,0,1,0,0,0,0,0,1,0 +"642",0,0,95000,52000,43000,1000,550,1000,550,43550,46900,46,32895,1,11,1,0,0,0,1,0,0,0,1,0,0,0,4,1,0.6028074,550,1,0,0,0,1,0,0,0,0,0,0,1,0 +"643",0,0,0,0,0,0,0,0,0,0,67000,27,10248,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"644",0,0,0,0,0,18,-2382,18,-2382,-2382,-1882,37,37662,11,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2382,0,0,0,0,1,0,0,0,0,0,1,0,0 +"645",0,0,60000,48000,12000,856,656,856,656,12656,12856,59,23976,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,656,1,0,0,1,0,0,0,0,0,0,0,0,1 +"646",0,0,180000,95000,85000,734,734,734,734,85734,85734,53,31386,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,734,1,0,0,0,1,0,0,0,0,0,0,1,0 +"647",0,0,175000,75000,100000,0,0,0,0,100000,100500,42,22941,4,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"648",0,0,40000,36000,4000,200,200,200,200,4200,5700,32,30186,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"649",0,0,66000,35000,31000,696,-7304,696,-7304,23696,27271,43,19068,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7304,1,0,1,0,0,0,0,0,0,0,1,0,0 +"650",0,0,30000,16500,13500,0,0,0,0,13500,13500,25,19800,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"651",0,0,120000,26000,94000,0,0,0,0,94000,101546,31,28080,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"652",0,0,0,0,0,0,0,0,0,0,0,31,28467,3,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.4366938,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"653",0,0,45000,25500,19500,900,-7100,900,-7100,12400,12400,42,36603,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-7100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"654",0,0,0,0,0,0,-1000,0,-1000,-1000,7484,40,10560,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"655",0,0,90000,45000,45000,200,-1800,200,-1800,43200,118800,53,34755,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"656",10000,0,50000,0,50000,6050,50,16050,10050,60050,60550,54,9816,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,10050,1,1,0,0,0,0,0,0,0,0,0,1,0 +"657",0,0,0,0,0,0,-700,0,-700,-700,-25,28,23382,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"658",10000,0,115000,0,115000,52500,52500,62500,62500,177500,240850,60,55476,2,12,1,0,0,0,1,0,0,1,0,1,0,0,6,2,0.7856908,62500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"659",0,0,0,0,0,0,0,0,0,0,500,30,16800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"660",0,0,80000,7500,72500,350,-14650,350,-14650,57850,58412,37,25488,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-14650,1,0,0,1,0,0,0,0,0,0,1,0,0 +"661",0,0,72000,22000,50000,1300,-276,1300,-276,49724,50224,48,52836,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-276,1,0,0,0,0,0,1,0,0,0,0,1,0 +"662",8000,0,120000,120000,0,6000,4800,14000,12800,12800,12800,31,50529,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,12800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"663",0,0,44000,34000,10000,4005,-4995,4005,-4995,5005,19205,29,42828,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4995,1,0,0,0,0,1,0,0,1,0,0,0,0 +"664",2000,0,42000,39000,3000,125,-500,2125,1500,4500,8300,32,34455,3,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"665",0,0,0,0,0,1891,-4609,1891,-4609,-4609,-2872,27,39003,2,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4609,0,0,0,0,1,0,0,0,1,0,0,0,0 +"666",0,0,0,0,0,0,0,0,0,0,500,32,12750,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"667",0,0,0,0,0,0,-1800,0,-1800,-1800,-800,42,15786,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"668",17000,0,0,0,0,0,0,17000,17000,17000,17895,35,9600,3,12,0,0,1,0,1,0,0,1,0,1,0,0,1,2,0.1173758,17000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"669",1600,0,0,0,0,0,0,1600,1600,1600,4100,41,33225,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,1600,0,0,0,0,1,0,0,0,0,0,1,0,0 +"670",1000,0,86000,22000,64000,4222,2222,5222,3222,67222,69222,53,29169,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,3222,1,0,0,1,0,0,0,0,0,0,0,1,0 +"671",0,0,0,0,0,0,0,0,0,0,500,34,9600,3,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"672",0,0,0,0,0,2700,2400,2700,2400,2400,9999,28,25500,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,2400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"673",0,0,200000,33750,166250,8999,5999,8999,5999,172249,217249,61,50919,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"674",7000,0,40000,0,40000,8600,-3700,15600,3300,43300,46650,39,29232,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,3300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"675",0,0,0,0,0,0,-2000,0,-2000,-2000,2225,37,12900,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"676",0,0,0,0,0,90,90,90,90,90,1190,31,38319,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,90,0,0,0,0,1,0,0,0,0,1,0,0,0 +"677",0,0,45000,45000,0,700,-500,700,-500,-500,-500,53,21000,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"678",0,0,95000,15000,80000,400,-1600,400,-1600,78400,78400,60,31605,1,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-1600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"679",22000,0,145000,59700,85300,999,-5201,26999,20799,106099,122152,50,48660,3,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,16799,1,0,0,0,0,1,0,0,0,0,0,1,0 +"680",4000,0,50000,32000,18000,1000,1000,5000,5000,23000,29150,36,17379,3,10,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,5000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"681",0,0,15000,0,15000,17000,17000,17000,17000,32000,34765,35,19464,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,17000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"682",0,0,65000,6000,59000,5483,4883,5483,4883,63883,69883,44,26472,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4883,1,0,0,1,0,0,0,0,0,0,1,0,0 +"683",0,0,0,0,0,300,300,300,300,300,300,50,30660,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,300,0,0,0,0,1,0,0,0,0,0,0,1,0 +"684",0,0,0,0,0,700,-4300,700,-4300,-4300,-4300,43,20583,4,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-4300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"685",0,0,125000,100000,25000,5526,2526,5526,2526,27526,30526,25,47322,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,2526,1,0,0,0,0,1,0,0,1,0,0,0,0 +"686",0,0,180000,0,180000,9999,9999,9999,9999,189999,189999,64,18450,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,9999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"687",0,0,83000,17200,65800,300,-690,300,-690,65110,67110,45,33084,2,10,0,0,0,0,1,0,0,0,1,0,0,0,4,1,0.3866406,-690,1,0,0,0,1,0,0,0,0,0,0,1,0 +"688",7000,0,70000,0,70000,19999,19749,26999,26749,96749,96749,55,45990,5,6,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,26749,1,0,0,0,0,1,0,0,0,0,0,0,1 +"689",0,0,140000,41500,98500,678,-2422,678,-2422,96078,99803,50,30636,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-2422,1,0,0,0,1,0,0,0,0,0,0,1,0 +"690",9000,0,90000,0,90000,4900,3500,13900,12500,102500,102500,64,18738,2,11,0,1,0,1,1,0,0,1,1,0,0,0,2,1,0.1464927,12500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"691",0,0,95000,54000,41000,7125,6325,7125,6325,47325,55325,35,32265,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6325,1,0,0,0,1,0,0,0,0,1,0,0,0 +"692",0,0,0,0,0,0,0,0,0,0,10000,49,18153,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"693",0,0,0,0,0,2082,1482,2082,1482,1482,11907,35,37965,1,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,1482,0,0,0,0,1,0,0,0,0,1,0,0,0 +"694",0,0,0,0,0,0,0,0,0,0,1000,39,21216,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"695",0,0,25000,0,25000,400,-4100,400,-4100,20900,26900,45,27648,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-4100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"696",0,0,0,0,0,0,0,0,0,0,750,41,1035,1,16,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"697",23923,0,60000,0,60000,75866,75866,99789,99789,159789,246789,61,66528,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,99789,1,0,0,0,0,0,1,0,0,0,0,0,1 +"698",0,0,0,0,0,24999,23549,24999,23549,23549,23549,29,19491,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,23549,0,0,1,0,0,0,0,0,1,0,0,0,0 +"699",0,0,0,0,0,6,-6994,6,-6994,-6994,-6994,45,35565,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-6994,0,0,0,0,1,0,0,0,0,0,0,1,0 +"700",0,0,0,0,0,5,-495,5,-495,-495,-495,31,10008,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-495,0,0,1,0,0,0,0,0,0,1,0,0,0 +"701",0,0,45000,15600,29400,900,300,900,300,29700,29700,50,18348,4,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"702",22000,0,100000,0,100000,75664,75664,97664,97664,197664,206589,58,44640,1,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,97664,1,0,0,0,0,1,0,0,0,0,0,0,1 +"703",0,0,0,0,0,20,-7055,20,-7055,-7055,-3705,31,5232,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-7055,0,1,0,0,0,0,0,0,0,1,0,0,0 +"704",15000,0,190000,116000,74000,0,0,15000,15000,89000,90500,41,9798,1,16,0,0,1,0,1,0,0,1,0,0,0,1,1,4,0.1431995,15000,1,1,0,0,0,0,0,0,0,0,1,0,0 +"705",0,0,0,0,0,0,0,0,0,0,0,38,30600,1,18,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.2951996,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"706",0,0,0,0,0,499,499,499,499,499,2691,41,26022,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,499,0,0,0,1,0,0,0,0,0,0,1,0,0 +"707",0,0,100000,25000,75000,0,-600,0,-600,74400,75150,40,13290,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"708",0,0,300000,125000,175000,3300,-3700,3300,-3700,171300,171300,31,63858,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-3700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"709",0,0,40000,21000,19000,50,-3450,50,-3450,15550,23550,45,23670,12,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3450,1,0,0,1,0,0,0,0,0,0,0,1,0 +"710",2500,0,200000,75000,125000,800,800,3300,3300,128300,144800,49,20082,4,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,3300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"711",0,0,50000,27000,23000,7250,6850,7250,6850,29850,38850,40,51198,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,6850,1,0,0,0,0,0,1,0,0,0,1,0,0 +"712",0,0,0,0,0,10599,8599,10599,8599,8599,8599,36,43440,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,8599,0,0,0,0,0,1,0,0,0,0,1,0,0 +"713",0,0,0,0,0,0,0,0,0,0,0,29,9900,3,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"714",1125,0,45000,0,45000,2849,449,3974,1574,46574,51574,52,45135,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,1574,1,0,0,0,0,1,0,0,0,0,0,1,0 +"715",0,0,73500,47000,26500,1200,1200,1200,1200,27700,31050,38,17652,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"716",0,0,0,0,0,1000,-3300,1000,-3300,-3300,6700,27,35745,2,17,0,1,1,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-3300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"717",23000,0,0,0,0,17300,17300,40300,40300,40300,40300,35,27486,2,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2061994,40300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"718",20000,0,20000,0,20000,27900,27870,47900,47870,67870,92095,48,40452,1,1,0,0,1,0,1,0,0,1,1,0,0,0,5,1,0.4414764,47870,1,0,0,0,0,1,0,0,0,0,0,1,0 +"719",0,0,0,0,0,500,-250,500,-250,-250,-250,33,24114,3,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-250,0,0,0,1,0,0,0,0,0,1,0,0,0 +"720",4488,0,60000,47900,12100,50,-1150,4538,3338,15438,15438,34,27876,5,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,3338,1,0,0,1,0,0,0,0,0,1,0,0,0 +"721",0,0,62000,62000,0,12499,4499,12499,4499,4499,4999,37,39000,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,4499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"722",0,0,40000,34000,6000,64500,58500,64500,58500,64500,108679,47,47292,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,58500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"723",0,0,0,0,0,14000,13300,14000,13300,13300,15500,39,34509,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,13300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"724",0,0,50000,0,50000,0,0,0,0,50000,50000,40,25500,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"725",0,0,63000,63000,0,1499,1499,1499,1499,1499,2999,48,39651,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,1499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"726",0,0,55000,0,55000,49,-1151,49,-1151,53849,54349,58,22953,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-1151,1,0,0,1,0,0,0,0,0,0,0,0,1 +"727",0,0,0,0,0,300,0,300,0,0,0,57,5220,1,18,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"728",0,0,80000,36000,44000,2010,2010,2010,2010,46010,46010,62,20796,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,2010,1,0,0,1,0,0,0,0,0,0,0,0,1 +"729",0,0,0,0,0,0,0,0,0,0,500,61,3636,1,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"730",0,0,40000,16500,23500,150,-50,150,-50,23450,28700,42,14928,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-50,1,0,1,0,0,0,0,0,0,0,1,0,0 +"731",0,0,35000,27500,7500,356,356,356,356,7856,7856,33,31575,2,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,356,1,0,0,0,1,0,0,0,0,1,0,0,0 +"732",0,0,0,0,0,0,0,0,0,0,0,61,16200,2,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"733",0,0,86000,86000,0,1499,1499,1499,1499,1499,6978,38,31674,1,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,1499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"734",0,0,0,0,0,0,0,0,0,0,0,42,19101,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"735",0,0,0,0,0,2000,900,2000,900,900,6084,30,27045,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"736",0,0,300000,80000,220000,6800,6000,6800,6000,226000,237000,40,37920,3,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,6000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"737",0,0,20000,14000,6000,7800,6757,7800,6757,12757,12757,27,45654,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6757,1,0,0,0,0,1,0,0,1,0,0,0,0 +"738",0,0,20000,16000,4000,5599,1099,5599,1099,5099,11299,36,57675,2,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,1099,1,0,0,0,0,0,1,0,0,0,1,0,0 +"739",0,0,120000,80000,40000,5136,1636,5136,1636,41636,43636,26,180858,3,16,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1636,1,0,0,0,0,0,0,1,1,0,0,0,0 +"740",0,0,70000,18500,51500,8599,6999,8599,6999,58499,61849,40,916,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,6999,1,1,0,0,0,0,0,0,0,0,1,0,0 +"741",0,0,71400,71400,0,0,0,0,0,0,15362,38,31500,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"742",0,0,90000,78000,12000,8000,6500,8000,6500,18500,27500,40,47463,2,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,6500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"743",0,0,58000,57000,1000,10000,5800,10000,5800,6800,13800,29,53337,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5800,1,0,0,0,0,0,1,0,1,0,0,0,0 +"744",0,0,45000,30500,14500,1300,-300,1300,-300,14200,17200,42,24336,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"745",22800,0,60000,48000,12000,73622,73622,96422,96422,108422,114347,48,46743,1,17,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,96422,1,0,0,0,0,1,0,0,0,0,0,1,0 +"746",0,0,0,0,0,422,-14578,422,-14578,-14578,-5303,54,32076,3,3,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,-14578,0,0,0,0,1,0,0,0,0,0,0,1,0 +"747",0,0,0,0,0,2025,-725,2025,-725,-725,-725,30,24510,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-725,0,0,0,1,0,0,0,0,0,1,0,0,0 +"748",26000,0,85000,49000,36000,7249,7249,33249,33249,69249,136692,49,87660,2,14,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,33249,1,0,0,0,0,0,0,1,0,0,0,1,0 +"749",0,0,0,0,0,1000,1000,1000,1000,1000,8000,44,65400,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,1000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"750",0,0,0,0,0,4400,2900,4400,2900,2900,5372,30,20559,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,2900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"751",4600,0,0,0,0,32300,31300,36900,35900,35900,36400,33,39351,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,35900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"752",0,0,2000,0,2000,1800,-334,1800,-334,1666,37666,43,34299,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-334,1,0,0,0,1,0,0,0,0,0,1,0,0 +"753",0,0,135000,105000,30000,36800,36800,36800,36800,66800,66800,30,75222,2,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,36800,1,0,0,0,0,0,0,1,0,1,0,0,0 +"754",17000,0,20000,0,20000,202699,202699,219699,219699,239699,444699,59,144534,2,18,1,1,1,0,1,0,0,1,0,0,0,1,7,4,0.7316045,219699,1,0,0,0,0,0,0,1,0,0,0,0,1 +"755",0,0,75000,75000,0,0,-4100,0,-4100,-4100,3700,26,28080,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-4100,1,0,0,1,0,0,0,0,1,0,0,0,0 +"756",0,0,162000,150000,12000,0,-4000,0,-4000,8000,20000,41,21735,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"757",0,0,120000,85000,35000,4200,3000,4200,3000,38000,38000,33,45810,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,3000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"758",0,0,0,0,0,0,-1200,0,-1200,-1200,-2200,33,17214,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"759",10000,0,0,0,0,24999,20999,34999,30999,30999,33499,41,39150,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,30999,0,0,0,0,1,0,0,0,0,0,1,0,0 +"760",0,0,0,0,0,300,-5700,300,-5700,-5700,-5700,35,31620,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-5700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"761",0,0,150000,61500,88500,1335,-915,1335,-915,87585,112585,39,54066,5,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-915,1,0,0,0,0,0,1,0,0,0,1,0,0 +"762",0,0,58000,0,58000,609,-791,609,-791,57209,67209,47,18195,10,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-791,1,0,1,0,0,0,0,0,0,0,0,1,0 +"763",0,0,0,0,0,0,-14900,0,-14900,-14900,-14700,40,32832,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-14900,0,0,0,0,1,0,0,0,0,0,1,0,0 +"764",1250,0,85000,20000,65000,1200,615,2450,1865,66865,83865,46,68823,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,1865,1,0,0,0,0,0,1,0,0,0,0,1,0 +"765",0,0,105000,80000,25000,2950,550,2950,550,25550,25550,34,65505,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,550,1,0,0,0,0,0,1,0,0,1,0,0,0 +"766",0,0,0,0,0,10999,10999,10999,10999,10999,13499,25,36600,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,10999,0,0,0,0,1,0,0,0,1,0,0,0,0 +"767",0,0,0,0,0,0,0,0,0,0,0,41,2325,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"768",0,0,56000,42500,13500,18850,18150,18850,18150,31650,31650,51,58245,2,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,18150,1,0,0,0,0,0,1,0,0,0,0,1,0 +"769",0,0,90000,58000,32000,1900,1900,1900,1900,33900,33900,32,37260,3,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1900,1,0,0,0,1,0,0,0,0,1,0,0,0 +"770",20000,0,100000,55000,45000,357500,357500,377500,377500,422500,422500,54,110892,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,377500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"771",0,0,0,0,0,0,0,0,0,0,0,46,7854,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"772",0,0,10000,0,10000,1227,652,1227,652,10652,16772,31,32295,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,652,1,0,0,0,1,0,0,0,0,1,0,0,0 +"773",0,0,0,0,0,14178,14178,14178,14178,14178,14178,32,24396,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,14178,0,0,0,1,0,0,0,0,0,1,0,0,0 +"774",0,0,65000,0,65000,0,0,0,0,65000,65000,59,12960,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"775",0,0,95000,93000,2000,500,-4200,500,-4200,-2200,250,40,31860,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-4200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"776",0,0,90000,83000,7000,1050,-2800,1050,-2800,4200,5013,33,62808,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"777",0,0,0,0,0,0,-4300,0,-4300,-4300,-300,30,31086,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-4300,0,0,0,0,1,0,0,0,0,1,0,0,0 +"778",0,0,0,0,0,449,-11551,449,-11551,-11551,-8976,39,21603,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-11551,0,0,0,1,0,0,0,0,0,0,1,0,0 +"779",0,0,0,0,0,0,0,0,0,0,500,33,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"780",0,0,25000,9700,15300,350,-2316,350,-2316,12984,12984,26,24621,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2316,1,0,0,1,0,0,0,0,1,0,0,0,0 +"781",0,0,0,0,0,750,-1600,750,-1600,-1600,900,29,33381,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1600,0,0,0,0,1,0,0,0,1,0,0,0,0 +"782",0,0,139191,139191,0,125,-4888,125,-4888,-4888,1287,56,23394,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4888,1,0,0,1,0,0,0,0,0,0,0,0,1 +"783",8460,0,145000,120000,25000,5298,5298,13758,13758,38758,38758,39,37710,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,13758,1,0,0,0,1,0,0,0,0,0,1,0,0 +"784",300,0,0,0,0,0,0,300,300,300,300,25,15462,2,11,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.118155,300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"785",0,0,12000,5000,7000,150,150,150,150,7150,8350,58,9150,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,150,1,1,0,0,0,0,0,0,0,0,0,0,1 +"786",0,0,0,0,0,0,-605,0,-605,-605,-605,50,31659,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-605,0,0,0,0,1,0,0,0,0,0,0,1,0 +"787",0,0,0,0,0,16700,16610,16700,16610,16610,27789,54,33267,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,16610,0,0,0,0,1,0,0,0,0,0,0,1,0 +"788",0,0,41000,37000,4000,2400,-2400,2400,-2400,1600,41200,35,47676,4,17,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-2400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"789",0,0,40000,20000,20000,302,-1398,302,-1398,18602,18602,28,43596,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1398,1,0,0,0,0,1,0,0,1,0,0,0,0 +"790",0,0,250000,40000,210000,1799,-5201,1799,-5201,204799,204799,27,19290,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-5201,1,0,1,0,0,0,0,0,1,0,0,0,0 +"791",0,0,65000,16000,49000,26,-5774,26,-5774,43226,44126,44,12501,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5774,1,0,1,0,0,0,0,0,0,0,1,0,0 +"792",0,0,20000,0,20000,730,-4400,730,-4400,15600,16966,36,18138,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"793",0,0,0,0,0,10,10,10,10,10,10,34,27006,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,10,0,0,0,1,0,0,0,0,0,1,0,0,0 +"794",0,0,0,0,0,1500,293,1500,293,293,293,30,32931,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,293,0,0,0,0,1,0,0,0,0,1,0,0,0 +"795",7000,0,70000,28000,42000,65598,65598,72598,72598,114598,114598,60,38361,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72598,1,0,0,0,1,0,0,0,0,0,0,0,1 +"796",0,0,0,0,0,800,800,800,800,800,800,28,15774,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"797",100,0,0,0,0,2500,2500,2600,2600,2600,3100,50,18456,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.105793,2600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"798",0,0,250000,50000,200000,2900,2100,2900,2100,202100,202100,61,22341,2,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,2100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"799",0,0,0,0,0,2000,-6000,2000,-6000,-6000,61000,42,30000,4,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-6000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"800",0,0,0,0,0,31,-3969,31,-3969,-3969,-3170,42,25281,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3969,0,0,0,1,0,0,0,0,0,0,1,0,0 +"801",0,0,80000,33750,46250,5151,4701,5151,4701,50951,56193,52,20700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,4701,1,0,0,1,0,0,0,0,0,0,0,1,0 +"802",0,0,0,0,0,7760,-30240,7760,-30240,-30240,7560,25,85380,4,1,0,1,0,1,1,0,0,0,1,0,0,0,7,1,0.4572618,-30240,0,0,0,0,0,0,0,1,1,0,0,0,0 +"803",1400,0,55000,26000,29000,23587,20737,24987,22137,51137,51137,39,39105,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,22137,1,0,0,0,1,0,0,0,0,0,1,0,0 +"804",0,0,110000,15000,95000,2350,1950,2350,1950,96950,103950,52,47700,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1950,1,0,0,0,0,1,0,0,0,0,0,1,0 +"805",0,0,100000,60000,40000,13798,13798,13798,13798,53798,54062,38,40602,4,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,13798,1,0,0,0,0,1,0,0,0,0,1,0,0 +"806",1750,0,0,0,0,95000,94400,96750,96150,96150,98629,57,22317,2,11,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2061994,96150,0,0,0,1,0,0,0,0,0,0,0,0,1 +"807",25000,0,100000,40000,60000,21000,20700,46000,45700,105700,155700,54,49080,2,10,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,45700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"808",35000,0,73000,23200,49800,1899,-3901,96899,91099,140899,225096,61,39645,2,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,31099,1,0,0,0,1,0,0,0,0,0,0,0,1 +"809",0,0,0,0,0,0,0,0,0,0,0,26,15450,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"810",0,0,45000,25000,20000,0,0,0,0,20000,22000,36,40800,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,0,1,0,0 +"811",0,0,0,0,0,2748,-3647,2748,-3647,-3647,906,25,37371,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3647,0,0,0,0,1,0,0,0,1,0,0,0,0 +"812",0,0,57000,47000,10000,0,0,0,0,10000,10000,30,17481,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"813",0,0,50000,0,50000,0,-100,0,-100,49900,52900,62,41172,5,10,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,0,0,1 +"814",600,0,0,0,0,1110,-31190,1710,-30590,-30590,-18590,35,55770,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,-30590,0,0,0,0,0,0,1,0,0,1,0,0,0 +"815",0,0,65000,30600,34400,139999,74999,139999,74999,109399,112399,50,18186,3,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,74999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"816",0,0,67000,43900,23100,950,-50,950,-50,23050,25050,52,44400,2,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-50,1,0,0,0,0,1,0,0,0,0,0,1,0 +"817",0,0,0,0,0,300,-2700,300,-2700,-2700,-2700,28,33984,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-2700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"818",0,0,0,0,0,300,300,300,300,300,300,44,6792,3,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,300,0,1,0,0,0,0,0,0,0,0,1,0,0 +"819",0,0,0,0,0,2658,-762,2658,-762,-762,5000,33,35757,1,14,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-762,0,0,0,0,1,0,0,0,0,1,0,0,0 +"820",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,27,32880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"821",0,0,43000,21000,22000,250,-2750,250,-2750,19250,19250,60,33987,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-2750,1,0,0,0,1,0,0,0,0,0,0,0,1 +"822",0,0,160000,98000,62000,1500,-3500,1500,-3500,58500,74500,32,46998,7,8,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-3500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"823",0,0,0,0,0,0,-15000,0,-15000,-15000,-4321,26,97998,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,-15000,0,0,0,0,0,0,0,1,1,0,0,0,0 +"824",2000,0,0,0,0,80200,80200,82200,82200,82200,82200,25,28209,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,82200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"825",0,0,0,0,0,399,399,399,399,399,8995,29,43374,1,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.3055234,399,0,0,0,0,0,1,0,0,1,0,0,0,0 +"826",0,0,0,0,0,0,0,0,0,0,8461,32,13590,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"827",0,0,0,0,0,600,-8400,600,-8400,-8400,-3600,33,31392,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-8400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"828",0,0,113000,99000,14000,725,-17975,725,-17975,-3975,5525,26,59199,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-17975,1,0,0,0,0,0,1,0,1,0,0,0,0 +"829",0,0,95000,62000,33000,37999,37999,37999,37999,70999,80999,50,62130,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,37999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"830",0,0,0,0,0,100,-18700,100,-18700,-18700,-18125,47,27150,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-18700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"831",0,0,55000,33000,22000,272,-788,272,-788,21212,24562,31,16020,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-788,1,0,1,0,0,0,0,0,0,1,0,0,0 +"832",0,0,80000,75000,5000,1000,-3000,1000,-3000,2000,2000,34,46053,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-3000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"833",0,0,0,0,0,600,-1400,600,-1400,-1400,7338,32,32064,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"834",0,0,0,0,0,0,0,0,0,0,500,39,20400,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"835",0,0,70000,36000,34000,500,-5008,500,-5008,28992,32992,40,36621,5,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-5008,1,0,0,0,1,0,0,0,0,0,1,0,0 +"836",0,0,0,0,0,1085,-6415,1085,-6415,-6415,24585,31,52350,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-6415,0,0,0,0,0,0,1,0,0,1,0,0,0 +"837",0,0,0,0,0,1800,1600,1800,1600,1600,5450,33,51222,3,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,1600,0,0,0,0,0,0,1,0,0,1,0,0,0 +"838",0,0,140000,0,140000,2000,2000,2000,2000,142000,146000,54,40665,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"839",0,0,0,0,0,50,50,50,50,50,2850,56,1596,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,50,0,1,0,0,0,0,0,0,0,0,0,0,1 +"840",0,0,0,0,0,0,0,0,0,0,18081,63,39174,1,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,0,0,0,0,0,1,0,0,0,0,0,0,0,1 +"841",0,0,0,0,0,410,-10990,410,-10990,-10990,2441,26,52497,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10990,0,0,0,0,0,0,1,0,1,0,0,0,0 +"842",0,0,0,0,0,167,-1483,167,-1483,-1483,1867,36,10920,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1483,0,0,1,0,0,0,0,0,0,0,1,0,0 +"843",0,0,0,0,0,0,-800,0,-800,-800,200,29,12600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"844",0,0,80000,25000,55000,250,-2050,250,-2050,52950,53750,54,45900,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2050,1,0,0,0,0,1,0,0,0,0,0,1,0 +"845",21000,0,110000,45000,65000,40529,38879,61529,59879,124879,133004,45,19998,2,18,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.1320933,59879,1,0,1,0,0,0,0,0,0,0,0,1,0 +"846",1000,0,0,0,0,2000,1600,3000,2600,2600,2600,61,34680,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,2600,0,0,0,0,1,0,0,0,0,0,0,0,1 +"847",0,0,60000,52000,8000,250,-5750,250,-5750,2250,5250,57,35418,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-5750,1,0,0,0,1,0,0,0,0,0,0,0,1 +"848",0,0,0,0,0,72499,66499,72499,66499,66499,69481,57,104346,2,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,66499,0,0,0,0,0,0,0,1,0,0,0,0,1 +"849",0,0,95000,80000,15000,4300,-5700,4300,-5700,9300,9300,27,64875,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-5700,1,0,0,0,0,0,1,0,1,0,0,0,0 +"850",0,0,51000,51000,0,1225,-3775,1225,-3775,-3775,14575,41,32703,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-3775,1,0,0,0,1,0,0,0,0,0,1,0,0 +"851",0,0,0,0,0,90,90,90,90,90,5090,52,23625,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,90,0,0,0,1,0,0,0,0,0,0,0,1,0 +"852",0,0,57000,48000,9000,7000,6100,7000,6100,15100,15100,26,37650,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6100,1,0,0,0,1,0,0,0,1,0,0,0,0 +"853",18000,0,75000,54000,21000,0,0,18000,18000,39000,39975,41,31179,4,11,0,1,1,1,1,0,0,1,1,0,0,0,4,1,0.3524857,18000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"854",0,0,0,0,0,0,0,0,0,0,16000,27,31089,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"855",0,0,0,0,0,0,0,0,0,0,500,31,17901,3,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"856",0,0,0,0,0,1049,1049,1049,1049,1049,1049,48,34974,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,1049,0,0,0,0,1,0,0,0,0,0,0,1,0 +"857",0,0,50000,16000,34000,18033,11733,18033,11733,45733,63086,57,43356,2,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,11733,1,0,0,0,0,1,0,0,0,0,0,0,1 +"858",0,0,79000,0,79000,299,165,299,165,79165,81165,28,23586,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,165,1,0,0,1,0,0,0,0,1,0,0,0,0 +"859",0,0,0,0,0,0,0,0,0,0,500,54,10800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"860",0,0,3000,2500,500,3610,3610,3610,3610,4110,4610,30,21780,1,13,0,1,1,0,1,0,0,0,0,0,1,0,3,3,0.273178,3610,1,0,0,1,0,0,0,0,0,1,0,0,0 +"861",0,0,135000,98000,37000,2600,2600,2600,2600,39600,42550,34,53760,5,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,2600,1,0,0,0,0,0,1,0,0,1,0,0,0 +"862",0,0,60000,0,60000,24000,22850,24000,22850,82850,83750,41,26856,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,22850,1,0,0,1,0,0,0,0,0,0,1,0,0 +"863",0,0,0,0,0,49,49,49,49,49,49,52,13773,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,49,0,0,1,0,0,0,0,0,0,0,0,1,0 +"864",0,0,100000,9342,90658,895,-2205,895,-2205,88453,106553,33,42942,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2205,1,0,0,0,0,1,0,0,0,1,0,0,0 +"865",0,0,67000,67000,0,799,-1201,799,-1201,-1201,23499,51,49830,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1201,1,0,0,0,0,1,0,0,0,0,0,1,0 +"866",0,0,95000,76000,19000,46500,46500,46500,46500,65500,69500,34,40554,3,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,46500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"867",10000,0,85000,0,85000,89760,89760,99760,99760,184760,219760,62,57081,3,18,0,1,1,0,1,0,0,1,0,0,0,1,6,4,0.5336504,99760,1,0,0,0,0,0,1,0,0,0,0,0,1 +"868",0,0,45000,10000,35000,525,-275,525,-275,34725,34725,35,29910,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-275,1,0,0,1,0,0,0,0,0,1,0,0,0 +"869",15000,0,37500,0,37500,82497,81997,97497,96997,134497,134497,62,19350,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,96997,1,0,1,0,0,0,0,0,0,0,0,0,1 +"870",0,0,0,0,0,300,-5250,300,-5250,-5250,-4550,48,49656,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-5250,0,0,0,0,0,1,0,0,0,0,0,1,0 +"871",23000,0,250000,104000,146000,111249,110249,134249,133249,279249,289249,54,65661,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,133249,1,0,0,0,0,0,1,0,0,0,0,1,0 +"872",0,0,0,0,0,20800,20800,20800,20800,20800,20800,31,14760,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,20800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"873",0,0,0,0,0,1000,-10200,1000,-10200,-10200,-9500,26,18015,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"874",2000,0,0,0,0,1200,-200,3200,1800,1800,6466,52,17625,1,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.105793,1800,0,0,1,0,0,0,0,0,0,0,0,1,0 +"875",0,0,0,0,0,0,0,0,0,0,12150,38,10443,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"876",2800,0,80000,57500,22500,6004,2904,8804,5704,28204,28204,41,61353,2,12,0,1,1,0,1,0,0,1,0,1,0,0,6,2,0.5336504,5704,1,0,0,0,0,0,1,0,0,0,1,0,0 +"877",0,0,0,0,0,0,-473,0,-473,-473,27,31,9024,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-473,0,1,0,0,0,0,0,0,0,1,0,0,0 +"878",0,0,0,0,0,83400,80400,83400,80400,80400,83400,42,37200,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,80400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"879",40000,0,300000,150000,150000,462000,462000,502000,502000,652000,664000,48,112989,4,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,502000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"880",58600,0,147150,147150,0,3929,3929,62529,62529,62529,70538,46,132492,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,62529,1,0,0,0,0,0,0,1,0,0,0,1,0 +"881",15000,0,175000,100000,75000,22998,22878,37998,37878,112878,116478,52,108870,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,37878,1,0,0,0,0,0,0,1,0,0,0,1,0 +"882",8000,0,55000,40000,15000,620,-9530,8620,-1530,13470,20470,42,75036,5,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-1530,1,0,0,0,0,0,0,1,0,0,1,0,0 +"883",0,0,75000,55000,20000,1349,-5551,1349,-5551,14449,17999,32,24666,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-5551,1,0,0,1,0,0,0,0,0,1,0,0,0 +"884",0,0,67000,66700,300,5406,4206,5406,4206,4506,4506,27,47376,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,4206,1,0,0,0,0,1,0,0,1,0,0,0,0 +"885",0,0,0,0,0,1500,-100,1500,-100,-100,2400,31,10350,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"886",7500,0,140000,100000,40000,178000,178000,185500,185500,225500,495500,51,65220,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,185500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"887",0,0,68000,62500,5500,5400,5400,5400,5400,10900,19250,30,44982,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,5400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"888",12500,0,0,0,0,236700,235900,249200,248400,248400,248400,57,45015,2,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.3442089,248400,0,0,0,0,0,1,0,0,0,0,0,0,1 +"889",20000,0,80000,0,80000,600,600,20600,20600,100600,100600,61,68220,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,20600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"890",40000,0,115000,0,115000,1399,199,41399,40199,155199,158199,55,39975,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,40199,1,0,0,0,1,0,0,0,0,0,0,0,1 +"891",0,0,0,0,0,0,-3861,0,-3861,-3861,-3361,58,11736,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-3861,0,0,1,0,0,0,0,0,0,0,0,0,1 +"892",14237,0,180000,72000,108000,136264,130764,150501,145001,253001,266501,58,15465,2,12,0,1,1,0,1,0,0,1,0,1,0,0,2,2,0.1464927,145001,1,0,1,0,0,0,0,0,0,0,0,0,1 +"893",0,0,65000,65000,0,0,-2000,0,-2000,-2000,-2000,45,17076,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"894",0,0,200000,0,200000,51000,47000,51000,47000,247000,247000,39,59400,3,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,47000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"895",0,0,60000,57000,3000,1000,-1000,1000,-1000,2000,5850,40,21630,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"896",0,0,200000,75000,125000,2571,2491,2571,2491,127491,127491,54,20703,2,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,2491,1,0,0,1,0,0,0,0,0,0,0,1,0 +"897",0,0,0,0,0,90,90,90,90,90,90,40,20940,7,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,90,0,0,0,1,0,0,0,0,0,0,1,0,0 +"898",0,0,250000,34000,216000,120,120,120,120,216120,217120,50,10902,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,120,1,0,1,0,0,0,0,0,0,0,0,1,0 +"899",0,0,15000,0,15000,1099,-58901,1099,-58901,-43901,-38901,26,17700,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-58901,1,0,1,0,0,0,0,0,1,0,0,0,0 +"900",0,0,0,0,0,750,-1060,750,-1060,-1060,-1060,41,25944,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1060,0,0,0,1,0,0,0,0,0,0,1,0,0 +"901",0,0,130000,32500,97500,1800,-4640,1800,-4640,92860,92860,47,49176,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4640,1,0,0,0,0,1,0,0,0,0,0,1,0 +"902",0,0,0,0,0,505,-15495,505,-15495,-15495,-6495,42,17856,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-15495,0,0,1,0,0,0,0,0,0,0,1,0,0 +"903",4774,0,230000,44000,186000,29433,29338,34207,34112,220112,239112,57,67098,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,34112,1,0,0,0,0,0,1,0,0,0,0,0,1 +"904",0,0,0,0,0,0,-900,0,-900,-900,14100,32,24000,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"905",40000,0,125000,0,125000,80000,80000,120000,120000,245000,246000,60,14244,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,120000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"906",7950,0,53000,33900,19100,10900,2100,18850,10050,29150,29150,40,60498,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,10050,1,0,0,0,0,0,1,0,0,0,1,0,0 +"907",40000,0,230000,30000,200000,60000,59500,127000,126500,326500,328600,51,62580,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,99500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"908",0,0,0,0,0,1850,1690,1850,1690,1690,6265,35,22140,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1690,0,0,0,1,0,0,0,0,0,1,0,0,0 +"909",0,0,75000,33750,41250,25,-2225,25,-2225,39025,39025,60,22440,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2225,1,0,0,1,0,0,0,0,0,0,0,0,1 +"910",0,0,0,0,0,5049,5049,5049,5049,5049,5049,46,14196,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,5049,0,0,1,0,0,0,0,0,0,0,0,1,0 +"911",0,0,99000,0,99000,500,500,500,500,99500,101850,25,8889,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,500,1,1,0,0,0,0,0,0,1,0,0,0,0 +"912",0,0,0,0,0,0,0,0,0,0,0,41,18306,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"913",0,0,0,0,0,0,0,0,0,0,0,50,13740,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"914",0,0,0,0,0,45,-5530,45,-5530,-5530,-5030,44,9858,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5530,0,1,0,0,0,0,0,0,0,0,1,0,0 +"915",0,0,106000,84000,22000,300,-3700,300,-3700,18300,30718,49,60000,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"916",0,0,50000,31000,19000,455,-745,455,-745,18255,24255,29,44511,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-745,1,0,0,0,0,1,0,0,1,0,0,0,0 +"917",0,0,0,0,0,6,-18294,6,-18294,-18294,-15294,33,15300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-18294,0,0,1,0,0,0,0,0,0,1,0,0,0 +"918",8000,0,0,0,0,5000,3955,13000,11955,11955,14455,34,17352,1,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,11955,0,0,1,0,0,0,0,0,0,1,0,0,0 +"919",0,0,40000,40000,0,1992,1792,1992,1792,1792,27292,47,21240,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1792,1,0,0,1,0,0,0,0,0,0,0,1,0 +"920",0,0,75000,0,75000,15900,15801,15900,15801,90801,93001,62,13317,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,15801,1,0,1,0,0,0,0,0,0,0,0,0,1 +"921",14667,0,0,0,0,11648,2648,26315,17315,17315,32915,29,34773,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.277538,17315,0,0,0,0,1,0,0,0,1,0,0,0,0 +"922",0,0,0,0,0,0,0,0,0,0,0,35,1596,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"923",0,0,85000,77000,8000,78449,51299,78449,51299,59299,165799,43,85575,4,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,51299,1,0,0,0,0,0,0,1,0,0,1,0,0 +"924",4000,0,0,0,0,21000,21000,25000,25000,25000,31250,44,30408,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.2906278,25000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"925",0,0,135000,72000,63000,1733,1733,1733,1733,64733,76204,54,51654,3,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,1733,1,0,0,0,0,0,1,0,0,0,0,1,0 +"926",0,0,32500,32500,0,420,-1580,420,-1580,-1580,6120,47,53856,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1580,1,0,0,0,0,0,1,0,0,0,0,1,0 +"927",0,0,4000,0,4000,130,-3570,130,-3570,430,430,49,3840,2,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-3570,1,1,0,0,0,0,0,0,0,0,0,1,0 +"928",1500,0,0,0,0,19000,10000,20500,11500,11500,27500,37,99159,1,16,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.3313638,11500,0,0,0,0,0,0,0,1,0,0,1,0,0 +"929",0,0,72000,0,72000,1500,-4800,1500,-4800,67200,67200,35,47922,4,12,1,1,1,0,1,0,0,0,0,1,0,0,5,2,0.6077043,-4800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"930",0,0,300000,15000,285000,11997,11997,11997,11997,296997,306997,51,30456,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,11997,1,0,0,0,1,0,0,0,0,0,0,1,0 +"931",0,0,210000,100000,110000,6000,5000,6000,5000,115000,125000,32,54948,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,5000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"932",0,0,130000,78000,52000,5982,-2308,5982,-2308,49692,49692,40,29700,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.3978536,-2308,1,0,0,1,0,0,0,0,0,0,1,0,0 +"933",0,0,5000,1500,3500,13,13,13,13,3513,7213,34,15876,8,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,13,1,0,1,0,0,0,0,0,0,1,0,0,0 +"934",0,0,8000,0,8000,5000,1264,5000,1264,9264,9764,37,8268,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,1264,1,1,0,0,0,0,0,0,0,0,1,0,0 +"935",0,0,150000,110000,40000,900,-2600,900,-2600,37400,229900,46,59736,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"936",0,0,0,0,0,318,318,318,318,318,318,42,36840,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,318,0,0,0,0,1,0,0,0,0,0,1,0,0 +"937",0,0,0,0,0,6005,6005,6005,6005,6005,10255,29,21660,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,6005,0,0,0,1,0,0,0,0,1,0,0,0,0 +"938",28512,0,89000,0,89000,178500,178500,207012,207012,296012,296012,60,56712,2,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,207012,1,0,0,0,0,0,1,0,0,0,0,0,1 +"939",0,0,145000,47000,98000,79999,79999,79999,79999,177999,179499,45,66000,2,13,1,0,1,0,1,0,0,0,0,0,1,0,6,3,0.7472324,79999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"940",0,0,300000,20000,280000,10747,10747,10747,10747,290747,290747,43,33288,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,10747,1,0,0,0,1,0,0,0,0,0,1,0,0 +"941",0,0,0,0,0,0,0,0,0,0,0,58,11433,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"942",0,0,120000,37000,83000,4000,4000,4000,4000,87000,99500,44,36720,4,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,4000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"943",0,0,0,0,0,0,-1700,0,-1700,-1700,1250,41,17100,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1700,0,0,1,0,0,0,0,0,0,0,1,0,0 +"944",0,0,60000,32300,27700,8406,3738,8406,3738,31438,34106,54,26520,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,3738,1,0,0,1,0,0,0,0,0,0,0,1,0 +"945",3000,0,225000,100250,124750,10400,10100,13400,13100,137850,137850,33,72582,4,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13100,1,0,0,0,0,0,1,0,0,1,0,0,0 +"946",0,0,0,0,0,945,-11055,945,-11055,-11055,-2356,42,55041,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-11055,0,0,0,0,0,0,1,0,0,0,1,0,0 +"947",15000,0,130000,80000,50000,20000,20000,35000,35000,85000,183000,56,23700,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,35000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"948",0,0,0,0,0,0,0,0,0,0,0,39,20148,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"949",0,0,0,0,0,4500,4410,4500,4410,4410,11871,26,11625,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,4410,0,0,1,0,0,0,0,0,1,0,0,0,0 +"950",1000,0,165000,100000,65000,3200,2300,4200,3300,68300,84300,41,49356,4,17,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,3300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"951",0,0,0,0,0,0,-1100,0,-1100,-1100,1400,28,12306,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"952",0,0,0,0,0,100,-2900,100,-2900,-2900,-1835,49,29814,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2900,0,0,0,1,0,0,0,0,0,0,0,1,0 +"953",13000,0,175000,40000,135000,5000,3500,18000,16500,151500,156500,59,39681,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,16500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"954",0,0,0,0,0,0,-1000,0,-1000,-1000,0,36,20400,4,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"955",0,0,70000,0,70000,16506,16175,16506,16175,86175,86175,60,14190,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,16175,1,0,1,0,0,0,0,0,0,0,0,0,1 +"956",0,0,140000,60000,80000,4500,3500,4500,3500,83500,83885,42,41316,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"957",0,0,0,0,0,450,450,450,450,450,9450,52,7200,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,450,0,1,0,0,0,0,0,0,0,0,0,1,0 +"958",4500,0,90000,72500,17500,33500,33500,38000,38000,55500,73000,39,99345,1,14,0,0,1,0,1,0,0,1,0,0,1,0,7,3,0.4373496,38000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"959",0,0,0,0,0,1000,-2000,1000,-2000,-2000,-300,29,22539,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"960",0,0,30000,0,30000,33000,33000,33000,33000,63000,68075,54,19770,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,33000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"961",0,0,0,0,0,0,0,0,0,0,0,49,18900,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"962",0,0,57500,57500,0,8500,4100,8500,4100,4100,11100,41,42264,3,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,4100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"963",4700,0,0,0,0,2300,-700,7000,4000,4000,12000,31,27708,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2061994,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"964",0,0,0,0,0,50038,49538,50038,49538,49538,54238,42,15000,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,49538,0,0,1,0,0,0,0,0,0,0,1,0,0 +"965",4447,0,0,0,0,0,0,4447,4447,4447,4447,53,3780,1,4,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2246842,4447,0,1,0,0,0,0,0,0,0,0,0,1,0 +"966",0,0,0,0,0,199,199,199,199,199,1699,33,10140,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,199,0,0,1,0,0,0,0,0,0,1,0,0,0 +"967",0,0,0,0,0,1900,700,1900,700,700,26700,46,34938,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,700,0,0,0,0,1,0,0,0,0,0,0,1,0 +"968",0,0,95000,8000,87000,609,-14091,609,-14091,72909,72909,39,48138,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-14091,1,0,0,0,0,1,0,0,0,0,1,0,0 +"969",0,0,70000,70000,0,200,200,200,200,200,200,30,42315,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,200,1,0,0,0,0,1,0,0,0,1,0,0,0 +"970",0,0,0,0,0,0,0,0,0,0,0,34,9180,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"971",4000,0,130000,0,130000,0,0,4000,4000,134000,160500,55,39216,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,4000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"972",0,0,55000,24350,30650,10000,9800,10000,9800,40450,45475,50,28650,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,9800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"973",0,0,170000,0,170000,17899,17899,17899,17899,187899,187899,52,72672,3,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.6688337,17899,1,0,0,0,0,0,1,0,0,0,0,1,0 +"974",32000,0,100000,70000,30000,40657,40607,72657,72607,102607,304234,55,36552,5,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72607,1,0,0,0,1,0,0,0,0,0,0,0,1 +"975",0,0,0,0,0,0,0,0,0,0,1000,28,23388,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"976",0,0,0,0,0,1200,-2800,1200,-2800,-2800,3025,38,51354,4,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,-2800,0,0,0,0,0,0,1,0,0,0,1,0,0 +"977",0,0,52000,42000,10000,3300,-1200,3300,-1200,8800,24800,33,58428,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-1200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"978",0,0,0,0,0,300,300,300,300,300,300,27,36393,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"979",0,0,50000,50000,0,0,-1500,0,-1500,-1500,-1500,42,28800,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"980",0,0,250000,36000,214000,1698,-1302,1698,-1302,212698,366698,36,28476,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-1302,1,0,0,1,0,0,0,0,0,0,1,0,0 +"981",0,0,0,0,0,0,0,0,0,0,3000,36,19407,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"982",0,0,0,0,0,4600,1586,4600,1586,1586,8586,37,25134,2,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.4366938,1586,0,0,0,1,0,0,0,0,0,0,1,0,0 +"983",0,0,110000,71900,38100,150,150,150,150,38250,40916,40,50742,3,12,0,0,0,0,1,0,0,0,0,1,0,0,6,2,0.4938007,150,1,0,0,0,0,0,1,0,0,0,1,0,0 +"984",5000,0,0,0,0,999,999,5999,5999,5999,15499,31,14460,2,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.105793,5999,0,0,1,0,0,0,0,0,0,1,0,0,0 +"985",2100,0,70000,50000,20000,100498,100498,102598,102598,122598,130673,48,17550,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,102598,1,0,1,0,0,0,0,0,0,0,0,1,0 +"986",0,0,85000,25000,60000,11700,11700,11700,11700,71700,75050,46,30492,4,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3866406,11700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"987",0,0,0,0,0,2249,1399,2249,1399,1399,7399,31,53841,2,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5000061,1399,0,0,0,0,0,0,1,0,0,1,0,0,0 +"988",0,0,0,0,0,0,-250,0,-250,-250,-250,32,7152,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-250,0,1,0,0,0,0,0,0,0,1,0,0,0 +"989",0,0,30000,19500,10500,0,0,0,0,10500,20500,49,16812,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"990",8000,0,0,0,0,13000,13000,21000,21000,21000,29463,34,39210,2,17,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,21000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"991",8000,0,120000,70000,50000,1687,1687,9687,9687,59687,70387,31,25254,1,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,9687,1,0,0,1,0,0,0,0,0,1,0,0,0 +"992",0,0,0,0,0,20,20,20,20,20,20,33,21228,4,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.4366938,20,0,0,0,1,0,0,0,0,0,1,0,0,0 +"993",7500,0,170000,100000,70000,80496,80496,87996,87996,157996,288996,49,79023,4,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,87996,1,0,0,0,0,0,0,1,0,0,0,1,0 +"994",0,0,0,0,0,0,-600,0,-600,-600,900,32,7680,4,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-600,0,1,0,0,0,0,0,0,0,1,0,0,0 +"995",0,0,0,0,0,0,0,0,0,0,0,35,9042,1,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"996",0,0,0,0,0,1999,-7001,1999,-7001,-7001,-5501,36,29220,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-7001,0,0,0,1,0,0,0,0,0,0,1,0,0 +"997",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,34,27294,2,9,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"998",0,0,100000,100000,0,4300,4300,4300,4300,4300,4300,41,31560,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,4300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"999",0,0,0,0,0,0,0,0,0,0,100000,26,8160,4,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1000",0,0,170000,126400,43600,2100,1600,2100,1600,45200,53200,27,74970,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,1600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1001",0,0,30000,21000,9000,0,-960,0,-960,8040,8040,39,7200,5,12,1,1,0,0,1,0,0,0,0,1,0,0,1,2,0.375,-960,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1002",0,0,0,0,0,1299,-301,1299,-301,-301,3032,46,47403,3,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-301,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1003",0,0,260000,150000,110000,999,-6501,999,-6501,103499,103499,47,33780,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6501,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1004",0,0,0,0,0,386,-476,386,-476,-476,24,30,11703,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-476,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1005",12000,0,120000,15000,105000,28200,28200,40200,40200,145200,147200,35,39480,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,40200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1006",0,0,0,0,0,10899,7899,10899,7899,7899,11624,60,29424,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,7899,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1007",0,0,0,0,0,1000,500,1000,500,500,102500,31,40860,2,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,500,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1008",0,0,0,0,0,700,100,700,100,100,1950,40,23538,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1009",0,0,96000,39900,56100,1479,-1021,1479,-1021,55079,55079,41,57795,4,18,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-1021,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1010",0,0,4000,0,4000,0,0,0,0,4000,7550,35,12240,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1011",6000,0,50000,0,50000,7300,5425,13300,11425,61425,68925,27,36639,4,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,11425,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1012",0,0,0,0,0,0,0,0,0,0,0,64,11775,3,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1013",0,0,35000,0,35000,1099,1099,1099,1099,36099,36099,59,35241,2,8,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,1099,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1014",78219,0,150000,0,150000,61500,60630,139719,138849,288849,288849,58,34755,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,138849,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1015",36560,0,65000,14500,50500,106624,106624,143184,143184,193684,193684,63,42909,2,8,1,1,0,0,1,0,0,1,1,0,0,0,5,1,0.7196674,143184,1,0,0,0,0,1,0,0,0,0,0,0,1 +"1016",0,0,0,0,0,0,-661,0,-661,-661,-661,57,18132,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-661,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1017",0,0,13000,13000,0,0,-70,0,-70,-70,1780,33,16320,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-70,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1018",0,0,0,0,0,500,500,500,500,500,1833,41,16200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1019",0,0,0,0,0,4357,-2643,4357,-2643,-2643,19257,36,38061,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-2643,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1020",7000,0,115000,88000,27000,8000,8000,15000,15000,42000,49500,33,50751,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1021",0,0,0,0,0,236,-2264,236,-2264,-2264,-2264,41,9561,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2264,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1022",0,0,0,0,0,28000,28000,28000,28000,28000,31333,40,29220,1,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,28000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1023",2150,0,31000,8300,22700,875,75,3025,2225,24925,24925,60,22986,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,2225,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1024",0,0,0,0,0,1600,100,1600,100,100,600,30,13005,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1025",0,0,0,0,0,2800,300,2800,300,300,300,28,33906,2,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1026",0,0,0,0,0,8503,1003,8503,1003,1003,9464,40,23988,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1003,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1027",0,0,190000,66000,124000,1000,800,1000,800,124800,133800,35,51900,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1028",0,0,0,0,0,500,-100,500,-100,-100,1642,25,14178,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1029",0,0,0,0,0,0,0,0,0,0,0,30,16608,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1030",1100,0,0,0,0,3000,-2000,4100,-900,-900,966,34,36993,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,-900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1031",0,0,0,0,0,0,0,0,0,0,0,26,17952,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1032",0,0,0,0,0,0,0,0,0,0,0,41,11202,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1033",0,0,55000,15000,40000,300,-15500,300,-15500,24500,35500,48,20592,2,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-15500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1034",2900,0,0,0,0,2499,2499,5399,5399,5399,7399,31,13479,3,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,5399,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1035",0,0,0,0,0,75,-75,75,-75,-75,2000,33,7800,3,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-75,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1036",0,0,0,0,0,0,-200,0,-200,-200,2300,26,4164,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-200,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1037",0,0,0,0,0,0,0,0,0,0,0,53,12240,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1038",0,0,0,0,0,5900,-1900,5900,-1900,-1900,33100,52,22995,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-1900,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1039",35000,0,100000,34500,65500,67676,67676,102676,102676,168176,168176,53,64158,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,102676,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1040",0,0,0,0,0,2449,1149,2449,1149,1149,7649,34,29850,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,1149,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1041",0,0,30000,16500,13500,299,-15051,299,-15051,-1551,-1551,48,29964,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-15051,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1042",0,0,20000,16000,4000,0,-570,0,-570,3430,3430,38,17781,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-570,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1043",0,0,46000,0,46000,15600,13600,15600,13600,59600,60100,30,17160,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,13600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1044",0,0,75000,65500,9500,475,-4757,475,-4757,4743,19743,33,41130,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4757,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1045",15000,0,0,0,0,599,599,15599,15599,15599,16099,61,19278,1,8,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,15599,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1046",0,0,0,0,0,325,-295,325,-295,-295,-195,42,12213,5,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-295,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1047",0,0,65000,28000,37000,999,999,999,999,37999,37999,42,28503,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1048",0,0,0,0,0,600,600,600,600,600,600,30,7884,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,600,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1049",0,0,90000,66000,24000,31570,30570,31570,30570,54570,59492,35,40224,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,30570,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1050",0,0,60000,54000,6000,10000,10000,10000,10000,16000,16000,28,51117,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,10000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1051",23000,0,125000,25000,100000,37400,37400,60400,60400,160400,167749,64,31254,4,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,60400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1052",0,0,80000,37000,43000,41219,31169,41219,31169,74169,74169,36,82575,6,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,31169,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1053",0,0,250000,0,250000,54999,54869,54999,54869,304869,314869,49,18729,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,54869,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1054",0,0,0,0,0,200,-300,200,-300,-300,700,40,24795,3,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1055",0,0,0,0,0,200,200,200,200,200,3300,47,21813,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,200,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1056",0,0,45000,0,45000,2000,500,2000,500,45500,45500,60,2550,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,500,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1057",0,0,0,0,0,800,-200,800,-200,-200,-200,31,19056,5,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3791962,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1058",0,0,0,0,0,249,49,249,49,49,4574,25,14781,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,49,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1059",0,0,150000,100000,50000,10000,500,10000,500,50500,50500,30,89550,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1060",0,0,55000,35000,20000,1300,500,1300,500,20500,20500,46,25350,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1061",0,0,0,0,0,0,0,0,0,0,0,40,10200,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1062",0,0,0,0,0,0,0,0,0,0,0,27,4056,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1063",0,0,45000,36500,8500,1800,-8200,1800,-8200,300,3300,54,35754,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-8200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1064",15000,0,75000,7500,67500,11000,9100,26000,24100,91600,109400,40,24660,2,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,24100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1065",0,0,100000,29900,70100,3000,-3300,3000,-3300,66800,66800,57,37569,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-3300,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1066",0,0,25000,0,25000,1571,-1829,1571,-1829,23171,53170,60,25005,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1829,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1067",0,0,90000,38500,51500,2099,-6901,2099,-6901,44599,52341,37,38112,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-6901,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1068",0,0,160000,145000,15000,113,-32887,113,-32887,-17887,-15587,35,57156,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-32887,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1069",0,0,75000,0,75000,5300,1800,5300,1800,76800,76800,52,19050,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,1800,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1070",0,0,80000,15000,65000,1500,-18500,1500,-18500,46500,47000,56,12024,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-18500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1071",0,0,70000,50000,20000,0,0,0,0,20000,24500,43,31254,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1072",0,0,0,0,0,1275,-16725,1275,-16725,-16725,33275,48,37416,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-16725,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1073",75000,0,125000,0,125000,120000,120000,195000,195000,320000,421000,61,55446,3,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,195000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1074",0,0,0,0,0,0,0,0,0,0,0,41,4050,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1075",0,0,0,0,0,0,-16200,0,-16200,-16200,-16200,26,7440,4,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,-16200,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1076",0,0,5000,4499,501,27500,27500,27500,27500,28001,32601,40,19704,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,27500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1077",0,0,0,0,0,1400,-600,1400,-600,-600,3250,30,19443,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-600,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1078",0,0,0,0,0,68,68,68,68,68,68,42,9945,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,68,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1079",0,0,25000,22000,3000,0,0,0,0,3000,3000,27,12240,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1080",30000,0,120000,60000,60000,22500,20500,52500,50500,110500,233500,44,90483,6,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,50500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1081",0,0,0,0,0,1500,1500,1500,1500,1500,2000,63,10887,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1082",0,0,0,0,0,0,0,0,0,0,0,53,5748,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1083",0,0,60000,27810,32190,250,250,250,250,32440,37624,56,35742,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,250,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1084",0,0,0,0,0,400,-3450,400,-3450,-3450,-3450,36,14559,3,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3791962,-3450,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1085",0,0,0,0,0,0,0,0,0,0,0,47,7041,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1086",0,0,0,0,0,399,399,399,399,399,4438,61,19557,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,399,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1087",0,0,50000,40000,10000,3500,300,3500,300,10300,105300,49,60150,3,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1088",0,0,0,0,0,0,0,0,0,0,500,32,3504,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1089",34000,0,0,0,0,103800,103800,137800,137800,137800,142325,62,23535,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,137800,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1090",0,0,0,0,0,500,-6500,500,-6500,-6500,-6000,28,15294,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1091",0,0,0,0,0,80,-420,80,-420,-420,7580,63,14994,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-420,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1092",0,0,0,0,0,0,0,0,0,0,1500,35,11844,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1093",10000,0,100000,24500,75500,1379,974,11379,10974,86474,86474,59,29415,8,12,1,1,0,0,1,0,0,1,0,1,0,0,3,2,0.3788275,10974,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1094",7000,0,90000,17000,73000,3000,2500,10000,9500,82500,87350,47,31431,3,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,9500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1095",0,0,10000,6000,4000,699,-701,699,-701,3299,4379,27,18090,5,7,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-701,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1096",0,0,0,0,0,0,0,0,0,0,0,55,45384,13,10,0,1,1,0,1,0,0,0,1,0,0,0,5,1,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 +"1097",6000,0,80000,60000,20000,3699,3699,9699,9699,29699,30999,27,56691,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,9699,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1098",10000,0,167000,42000,125000,5499,5499,15499,15499,140499,140499,44,56250,4,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,15499,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1099",0,0,38000,35000,3000,16500,15800,16500,15800,18800,24550,32,32856,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,15800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1100",0,0,250000,78000,172000,2000,2000,2000,2000,174000,174000,40,28680,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1101",0,0,0,0,0,100,-3400,100,-3400,-3400,-2900,27,21000,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1102",0,0,175000,19800,155200,2008,8,2008,8,155208,155208,60,22551,5,1,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,8,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1103",0,0,0,0,0,0,0,0,0,0,200,26,10200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1104",0,0,300000,150000,150000,2600,150,2600,150,150150,150150,37,29946,4,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,150,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1105",200,0,65000,27900,37100,310,-740,510,-540,36560,37993,34,25998,3,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-540,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1106",0,0,0,0,0,0,0,0,0,0,1000,31,34500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1107",0,0,25000,0,25000,3330,3330,3330,3330,28330,28330,45,15441,4,8,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1582553,3330,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1108",0,0,80000,0,80000,0,-200,0,-200,79800,86300,55,36924,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-200,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1109",0,0,0,0,0,0,0,0,0,0,0,38,7110,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1110",0,0,0,0,0,0,0,0,0,0,0,42,2838,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1111",0,0,0,0,0,0,0,0,0,0,0,33,13380,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1112",0,0,0,0,0,1000,700,1000,700,700,16000,31,19860,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,700,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1113",0,0,69000,32000,37000,469,-4331,469,-4331,32669,42669,38,24849,7,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-4331,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1114",0,0,0,0,0,0,-1400,0,-1400,-1400,1900,35,30000,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1115",0,0,70000,38000,32000,20299,20269,20299,20269,52269,52769,33,13440,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,20269,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1116",0,0,97000,0,97000,0,-5100,0,-5100,91900,91900,48,35700,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-5100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1117",0,0,30000,0,30000,0,-3000,0,-3000,27000,27000,42,16830,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1118",0,0,120000,29000,91000,8299,8099,8299,8099,99099,118599,62,52320,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,8099,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1119",0,0,125000,96000,29000,10820,10520,10820,10520,39520,54120,43,65526,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,10520,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1120",0,0,0,0,0,6910,2660,6910,2660,2660,6660,27,40110,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,2660,0,0,0,0,0,1,0,0,1,0,0,0,0 +"1121",0,0,80000,47000,33000,3200,-500,3200,-500,32500,33000,38,10098,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1122",0,0,0,0,0,0,0,0,0,0,0,31,12588,6,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1123",0,0,0,0,0,400,-3600,400,-3600,-3600,-3100,34,21816,4,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3600,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1124",0,0,45000,45000,0,869,869,869,869,869,869,40,35439,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,869,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1125",0,0,210000,88000,122000,1400,-1300,1400,-1300,120700,120700,37,35700,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1126",0,0,60000,25000,35000,2000,1400,2000,1400,36400,36400,39,14025,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,1400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1127",0,0,73000,68000,5000,0,-3550,0,-3550,1450,11836,60,25356,1,4,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-3550,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1128",0,0,84000,0,84000,3699,-19301,3699,-19301,64699,68049,45,8430,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-19301,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1129",0,0,0,0,0,0,0,0,0,0,2000,33,45951,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1130",4000,0,0,0,0,7000,4000,11000,8000,8000,8000,25,13800,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,8000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1131",0,0,89000,43500,45500,2930,2130,2930,2130,47630,51630,42,50037,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2130,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1132",0,0,0,0,0,4900,4350,4900,4350,4350,19888,26,23040,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4350,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1133",0,0,50000,37000,13000,5300,2300,5300,2300,15300,15300,37,47772,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1134",0,0,300000,76000,224000,5099,3599,5099,3599,227599,227599,27,45300,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3599,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1135",0,0,100000,58000,42000,3050,-21950,3050,-21950,20050,507725,33,24711,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-21950,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1136",0,0,0,0,0,0,-800,0,-800,-800,-800,52,40224,3,10,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.5995759,-800,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1137",0,0,43000,43000,0,1060,-12946,1060,-12946,-12946,-5521,27,45750,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-12946,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1138",0,0,73000,63000,10000,800,-7200,800,-7200,2800,4300,47,39525,3,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-7200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1139",950,0,170000,40000,130000,3800,3800,4750,4750,134750,264750,49,47691,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,4750,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1140",0,0,50000,0,50000,0,0,0,0,50000,50500,37,12324,9,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1141",0,0,50000,42500,7500,499,-1627,499,-1627,5873,9873,50,22980,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-1627,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1142",0,0,70000,32000,38000,7249,4249,7249,4249,42249,42249,43,44751,5,18,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.6077043,4249,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1143",0,0,0,0,0,964,-136,964,-136,-136,4864,38,20820,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-136,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1144",0,0,172900,150000,22900,1400,-3100,1400,-3100,19800,28621,28,21450,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1145",0,0,0,0,0,7700,100,7700,100,100,5600,39,21240,4,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1146",0,0,0,0,0,0,-4200,0,-4200,-4200,-2280,27,13200,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1147",5803,0,85000,0,85000,98854,76592,104657,82395,167395,176629,52,21492,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,82395,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1148",3500,0,0,0,0,3000,-2000,6500,1500,1500,19811,54,30000,1,14,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.2906278,1500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1149",13000,0,230000,20000,210000,45340,45190,58340,58190,268190,274440,49,30420,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,58190,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1150",0,0,56000,8000,48000,600,100,600,100,48100,49100,41,28035,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1151",0,0,0,0,0,0,-2000,0,-2000,-2000,-347,28,28911,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1152",2400,0,190000,150000,40000,3010,-1958,5410,442,40442,40942,27,15735,1,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.1320933,442,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1153",0,0,40000,0,40000,758,758,758,758,40758,40758,64,11247,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,758,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1154",0,0,0,0,0,10315,9428,10315,9428,9428,11928,48,8475,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,9428,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1155",0,0,50000,0,50000,6000,6000,6000,6000,56000,56000,51,23364,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,6000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1156",0,0,0,0,0,4420,4190,4420,4190,4190,4190,52,7704,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,4190,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1157",50000,0,42000,24900,17100,12499,7499,62499,57499,74599,83599,44,33774,3,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,57499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1158",0,0,0,0,0,999,999,999,999,999,999,31,23265,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,999,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1159",0,0,0,0,0,1499,-14701,1499,-14701,-14701,-14301,47,42690,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-14701,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1160",0,0,44000,44000,0,0,-8000,0,-8000,-8000,-1000,31,11460,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-8000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1161",0,0,0,0,0,1849,1849,1849,1849,1849,9445,42,33138,1,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,1849,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1162",0,0,100000,60000,40000,19999,14999,19999,14999,54999,54999,46,40950,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,14999,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1163",0,0,0,0,0,12155,11654,12155,11654,11654,12740,29,44952,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,11654,0,0,0,0,0,1,0,0,1,0,0,0,0 +"1164",0,0,0,0,0,290,-5710,290,-5710,-5710,-2260,53,15300,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-5710,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1165",450,0,0,0,0,10,-415,460,35,35,2701,25,16242,4,10,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,35,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1166",0,0,0,0,0,0,0,0,0,0,0,40,40620,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"1167",0,0,39500,39500,0,2325,-4975,2325,-4975,-4975,-4975,37,37668,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-4975,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1168",0,0,50000,46750,3250,57,57,57,57,3307,3307,31,20436,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,57,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1169",0,0,19000,13500,5500,480,-3820,480,-3820,1680,5280,33,25782,2,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-3820,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1170",0,0,15000,12000,3000,5,-4255,5,-4255,-1255,-1255,30,5046,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-4255,1,1,0,0,0,0,0,0,0,1,0,0,0 +"1171",0,0,49500,28000,21500,20,-2480,20,-2480,19020,22870,45,17616,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-2480,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1172",30000,0,200000,82000,118000,165000,165000,195000,195000,313000,329000,44,128700,4,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,195000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1173",0,0,0,0,0,5049,2949,5049,2949,2949,5282,29,7500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,2949,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1174",9900,0,55000,15000,40000,8100,8100,18000,18000,58000,71000,51,57291,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,18000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1175",0,0,50000,29000,21000,700,-20509,700,-20509,491,50491,39,30021,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-20509,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1176",0,0,80000,75800,4200,2100,-1400,2100,-1400,2800,6300,31,44598,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-1400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1177",2000,0,200000,0,200000,1000,1000,3000,3000,203000,203000,63,5982,3,12,0,1,0,0,1,0,0,1,0,1,0,0,1,2,0.2088342,3000,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1178",0,0,110000,0,110000,840,840,840,840,110840,114190,59,12921,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,840,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1179",0,0,0,0,0,422,-1150,422,-1150,-1150,2400,29,24792,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1150,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1180",0,0,0,0,0,1560,-9940,1560,-9940,-9940,-3465,39,52110,1,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.5906146,-9940,0,0,0,0,0,0,1,0,0,0,1,0,0 +"1181",0,0,0,0,0,849,849,849,849,849,849,31,20445,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,849,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1182",0,0,160000,135000,25000,4500,-1100,4500,-1100,23900,33100,36,29100,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-1100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1183",0,0,0,0,0,730,-20157,730,-20157,-20157,-14915,44,1200,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-20157,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1184",0,0,120000,95000,25000,500,300,500,300,25300,28633,43,27840,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1185",0,0,40000,30000,10000,200,200,200,200,10200,13200,36,39942,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1186",0,0,51000,0,51000,400,200,400,200,51200,87908,51,24000,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1187",0,0,135000,40000,95000,26000,26000,26000,26000,121000,121000,47,55557,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1188",0,0,0,0,0,400,-479,400,-479,-479,21,28,7869,1,11,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-479,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1189",0,0,165000,129000,36000,3000,1500,3000,1500,37500,41117,28,43485,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,1500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1190",0,0,0,0,0,1784,-216,1784,-216,-216,-216,47,11100,4,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-216,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1191",0,0,60000,32500,27500,3149,2149,3149,2149,29649,30649,40,12915,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2149,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1192",0,0,0,0,0,0,0,0,0,0,0,25,10200,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1193",0,0,0,0,0,0,0,0,0,0,0,35,18750,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1194",0,0,0,0,0,120,-180,120,-180,-180,320,28,28572,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-180,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1195",0,0,0,0,0,670,-348,670,-348,-348,402,32,15195,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-348,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1196",6000,0,65000,30000,35000,5500,-1400,11500,4600,39600,39600,34,31839,2,18,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,4600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1197",14000,0,0,0,0,199,-5801,14199,8199,8199,8199,44,10173,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,8199,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1198",0,0,210000,150000,60000,7150,4650,7150,4650,64650,88650,33,48300,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4650,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1199",0,0,80000,43000,37000,600,400,600,400,37400,42453,32,22149,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1200",0,0,97000,7000,90000,80,-210,80,-210,89790,90290,62,9213,1,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-210,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1201",0,0,95000,0,95000,1180,1180,1180,1180,96180,96180,51,26262,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1180,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1202",0,0,0,0,0,0,-2600,0,-2600,-2600,1343,39,7560,2,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2600,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1203",0,0,0,0,0,300,300,300,300,300,300,62,9846,7,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1204",0,0,0,0,0,0,0,0,0,0,0,27,10008,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1205",0,0,0,0,0,624,-576,624,-576,-576,519,50,30498,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-576,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1206",0,0,40000,23000,17000,1800,1800,1800,1800,18800,18800,52,27939,7,7,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,1800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1207",0,0,0,0,0,50,50,50,50,50,-650,28,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1208",0,0,54000,20500,33500,0,-500,0,-500,33000,39003,55,14352,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1209",0,0,100000,22500,77500,1000,-4400,1000,-4400,73100,77300,46,25200,2,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-4400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1210",0,0,120000,50000,70000,2150,2150,2150,2150,72150,72150,46,77235,5,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,2150,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1211",0,0,0,0,0,49,-1951,49,-1951,-1951,-1951,31,24012,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-1951,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1212",0,0,0,0,0,0,-600,0,-600,-600,-275,37,13380,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1213",0,0,0,0,0,1500,1200,1500,1200,1200,1300,29,20568,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,1200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1214",0,0,30000,21900,8100,0,-500,0,-500,7600,7600,44,18900,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1215",0,0,50000,41200,8800,100,100,100,100,8900,23900,36,34386,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1216",0,0,77000,59000,18000,1435,-665,1435,-665,17335,18535,33,58878,6,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-665,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1217",0,0,0,0,0,56,-1214,56,-1214,-1214,-1214,33,9090,4,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1214,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1218",0,0,0,0,0,50,-350,50,-350,-350,-350,29,10800,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1219",0,0,0,0,0,0,0,0,0,0,0,53,12744,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1220",40000,0,300000,100000,200000,11500,11250,51500,51250,251250,251250,40,120750,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,51250,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1221",19500,0,75000,30000,45000,22300,22300,41800,41800,86800,86800,54,20019,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,41800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1222",8000,0,186000,132800,53200,1500,500,9500,8500,61700,61700,32,38490,4,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,8500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1223",0,0,95000,0,95000,3200,2950,3200,2950,97950,99150,41,44790,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2950,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1224",0,0,0,0,0,0,0,0,0,0,0,55,7872,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1225",0,0,0,0,0,0,0,0,0,0,0,33,13560,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1226",0,0,78000,65000,13000,4010,1910,4010,1910,14910,15510,30,60378,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1910,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1227",0,0,0,0,0,0,0,0,0,0,0,30,19440,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1228",0,0,0,0,0,0,-600,0,-600,-600,5453,47,7419,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-600,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1229",2800,0,0,0,0,3500,3400,6300,6200,6200,9225,26,8070,2,15,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,6200,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1230",0,0,0,0,0,1100,300,1100,300,300,10300,30,38130,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,300,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1231",0,0,0,0,0,332,-1468,332,-1468,-1468,2632,25,10500,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1468,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1232",0,0,0,0,0,0,0,0,0,0,0,37,10800,7,4,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1233",0,0,0,0,0,399,399,399,399,399,11078,43,23046,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,399,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1234",0,0,0,0,0,399,-2861,399,-2861,-2861,-2861,29,17373,3,17,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-2861,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1235",17000,0,60000,0,60000,19999,16449,36999,33449,93449,93449,62,28200,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,33449,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1236",0,0,75000,70000,5000,0,-500,0,-500,4500,8604,33,25500,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1237",0,0,140000,90000,50000,800,-2200,800,-2200,47800,54543,38,23937,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-2200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1238",50000,0,250000,33000,217000,794,-12206,50794,37794,254794,254794,55,36117,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,37794,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1239",2160,0,190000,116000,74000,71349,71349,73509,73509,147509,147509,35,47760,5,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,73509,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1240",11400,0,130000,20000,110000,4100,4100,15500,15500,125500,257642,54,31008,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,15500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1241",0,0,0,0,0,33000,5500,33000,5500,5500,5500,39,72360,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,5500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"1242",0,0,230000,150000,80000,15500,15500,15500,15500,95500,95500,40,79536,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,15500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1243",4000,0,0,0,0,22559,20059,26559,24059,24059,112409,54,26142,1,18,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.5117899,24059,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1244",0,0,60000,0,60000,0,-928,0,-928,59072,59072,36,8316,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-928,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1245",0,0,45000,0,45000,300,-2200,300,-2200,42800,42800,35,25215,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1246",0,0,0,0,0,0,-4910,0,-4910,-4910,-4910,64,10890,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4910,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1247",9000,0,90000,25000,65000,28500,24900,37500,33900,98900,233700,44,53697,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,33900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1248",5000,0,70000,0,70000,5700,2700,10700,7700,77700,87100,32,21915,2,17,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,7700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1249",12000,0,300000,150000,150000,17000,17000,29000,29000,179000,339000,36,95592,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1250",0,0,0,0,0,0,0,0,0,0,0,34,1920,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1251",0,0,0,0,0,2746,2746,2746,2746,2746,3246,52,41514,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,2746,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1252",400,0,26000,22600,3400,2900,2650,3300,3050,6450,7450,40,21645,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,3050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1253",0,0,0,0,0,0,0,0,0,0,500,36,8700,1,3,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1254",0,0,0,0,0,150,-4850,150,-4850,-4850,-107,34,21645,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-4850,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1255",0,0,0,0,0,3000,2600,3000,2600,2600,2600,60,21072,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,2600,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1256",0,0,20000,15000,5000,33499,32399,33499,32399,37399,53099,42,58305,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,32399,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1257",0,0,70000,0,70000,2000,2000,2000,2000,72000,73000,64,26826,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,2000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1258",0,0,0,0,0,0,0,0,0,0,2125,40,10902,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1259",0,0,16500,16500,0,0,-30000,0,-30000,-30000,-30000,26,9402,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-30000,1,1,0,0,0,0,0,0,1,0,0,0,0 +"1260",0,0,0,0,0,2100,398,2100,398,398,398,37,20781,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,398,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1261",0,0,0,0,0,0,-3500,0,-3500,-3500,-2000,50,12240,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3500,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1262",0,0,80000,0,80000,2100,2100,2100,2100,82100,84600,47,36210,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1263",0,0,0,0,0,200,200,200,200,200,1550,34,19350,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1264",0,0,0,0,0,72964,72964,72964,72964,72964,73464,59,55314,1,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,72964,0,0,0,0,0,0,1,0,0,0,0,0,1 +"1265",0,0,85000,39000,46000,2152,-3348,2152,-3348,42652,78652,43,43962,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3348,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1266",0,0,0,0,0,125,-475,125,-475,-475,-475,26,28200,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-475,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1267",0,0,0,0,0,1400,-1500,1400,-1500,-1500,4742,29,18516,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1268",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,36,15600,5,5,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1269",0,0,20000,10000,10000,140050,74350,140050,74350,84350,95350,36,19770,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,74350,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1270",0,0,0,0,0,32648,32648,32648,32648,32648,37890,61,17967,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,32648,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1271",0,0,0,0,0,0,-6500,0,-6500,-6500,-6000,28,14550,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1272",0,0,95000,60000,35000,2499,-8101,2499,-8101,26899,40899,36,45030,5,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-8101,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1273",0,0,0,0,0,4000,350,4000,350,350,2350,25,28059,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,350,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1274",10000,0,0,0,0,49225,49225,59225,59225,59225,59225,55,36300,1,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,59225,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1275",0,0,0,0,0,0,0,0,0,0,4742,49,9612,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1276",0,0,150000,130000,20000,15499,15499,15499,15499,35499,41499,38,93630,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,15499,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1277",0,0,49000,18200,30800,1700,1700,1700,1700,32500,33750,42,17817,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1700,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1278",0,0,46000,0,46000,0,-2373,0,-2373,43627,43627,32,13182,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2373,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1279",0,0,68000,45000,23000,1500,-100,1500,-100,22900,28400,40,48000,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1280",0,0,0,0,0,300,-8900,300,-8900,-8900,-4550,30,28443,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1281",0,0,120000,68000,52000,1000,-93000,1000,-93000,-41000,-31000,59,27174,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-93000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1282",4000,0,0,0,0,80000,79400,84000,83400,83400,83400,52,26400,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2061994,83400,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1283",0,0,60000,52000,8000,50,50,50,50,8050,8050,44,28830,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,50,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1284",0,0,85000,74000,11000,2249,2204,2249,2204,13204,13204,33,51912,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2204,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1285",0,0,6666,6000,666,0,0,0,0,666,791,31,14280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1286",0,0,62000,55100,6900,2600,-4400,2600,-4400,2500,9500,37,38601,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1287",0,0,0,0,0,0,0,0,0,0,0,40,10560,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1288",5900,0,40000,9200,30800,0,0,5900,5900,36700,37161,42,41883,1,16,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,5900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1289",0,0,30000,0,30000,0,0,0,0,30000,30000,61,23457,3,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1290",0,0,0,0,0,61068,55568,61068,55568,55568,58918,40,38241,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,55568,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1291",6000,0,75000,44000,31000,65000,64600,71000,70600,101600,128100,39,47499,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,70600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1292",0,0,40000,30000,10000,1189,789,1189,789,10789,12789,34,30198,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,789,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1293",0,0,42000,32700,9300,51,-8149,51,-8149,1151,1151,33,22818,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-8149,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1294",15000,0,50000,0,50000,5300,5300,20300,20300,70300,70300,53,55218,2,13,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1295",0,0,245000,150000,95000,27,27,27,27,95027,99127,63,18678,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,27,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1296",0,0,50000,25000,25000,200,-2800,200,-2800,22200,22580,38,20058,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2800,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1297",0,0,0,0,0,0,0,0,0,0,0,31,4380,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1298",28635,0,40000,11500,28500,5291,5291,33926,33926,62426,69426,59,43605,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,33926,1,0,0,0,0,1,0,0,0,0,0,0,1 +"1299",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,34,7374,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1300",0,0,0,0,0,499,-1,499,-1,-1,-1,35,21630,5,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-1,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1301",18615,0,150000,70000,80000,950,-1050,19565,17565,97565,97565,50,42759,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,17565,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1302",0,0,0,0,0,835,635,835,635,635,635,28,31668,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,635,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1303",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,36,11250,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1304",0,0,72000,3500,68500,1000,1000,1000,1000,69500,92500,64,38028,2,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1305",1200,0,140000,87000,53000,15004,14004,16204,15204,68204,71129,33,57753,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,15204,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1306",0,0,60000,23900,36100,500,500,500,500,36600,36600,56,39375,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1307",6000,0,140000,40000,100000,11200,850,57200,46850,146850,146850,50,40578,2,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,6850,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1308",0,0,45000,0,45000,199,173,199,173,45173,45173,62,14904,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,173,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1309",2540,0,98000,57000,41000,1707,1132,4247,3672,44672,46172,30,38148,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,3672,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1310",18000,0,78000,0,78000,550,550,18550,18550,96550,96550,46,25800,2,14,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,18550,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1311",0,0,80000,42900,37100,1000,1000,1000,1000,38100,54100,31,31338,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1312",0,0,0,0,0,1000,800,1000,800,800,1391,28,17100,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1313",0,0,60000,34500,25500,1300,-775,1300,-775,24725,24725,51,36648,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-775,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1314",1600,0,0,0,0,700,-800,2300,800,800,4825,49,16335,2,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,800,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1315",0,0,80000,80000,0,6875,934,6875,934,934,6419,41,44247,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,934,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1316",1590,0,150000,115000,35000,2850,-5314,4760,-3404,31596,31596,64,104919,2,17,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,-3724,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1317",0,0,150000,143000,7000,27700,25347,27700,25347,32347,34147,38,38085,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,25347,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1318",49000,0,54000,0,54000,2374,-1626,51374,47374,101374,101374,59,38283,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,47374,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1319",0,0,50000,24000,26000,1925,1925,1925,1925,27925,30425,41,36435,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1925,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1320",0,0,0,0,0,1000,-4500,1000,-4500,-4500,350,28,45360,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-4500,0,0,0,0,0,1,0,0,1,0,0,0,0 +"1321",0,0,0,0,0,0,0,0,0,0,0,36,2310,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1322",0,0,0,0,0,1900,1748,1900,1748,1748,1748,48,12576,2,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,1748,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1323",0,0,42750,42750,0,382,-1714,382,-1714,-1714,5636,40,25560,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,-1714,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1324",0,0,58000,0,58000,400,-6450,400,-6450,51550,51550,31,41292,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-6450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1325",0,0,50000,31500,18500,236,-3264,236,-3264,15236,21236,25,27270,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3264,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1326",0,0,60000,10600,49400,700,-6600,700,-6600,42800,44300,43,31800,3,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-6600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1327",2600,0,82000,63000,19000,100,100,2700,2700,21700,21700,36,40392,6,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1328",0,0,161000,150000,11000,4500,4470,4500,4470,15470,15470,57,24561,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4470,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1329",0,0,60000,45000,15000,111200,101200,118700,108700,123700,124250,46,49200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,101200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1330",0,0,0,0,0,75,-2050,75,-2050,-2050,-2050,26,26430,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2050,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1331",0,0,44650,44650,0,6215,2694,6215,2694,2694,7919,39,58578,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,2694,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1332",3900,0,0,0,0,3799,3799,7699,7699,7699,18752,59,35370,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.2906278,7699,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1333",0,0,39000,39000,0,0,0,0,0,0,0,33,17160,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1334",0,0,0,0,0,35000,33000,35000,33000,33000,40000,31,41376,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,33000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1335",4000,0,109000,48973,60027,4417,1217,8417,5217,65244,67644,32,33804,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5217,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1336",0,0,0,0,0,23400,21200,23400,21200,21200,21200,39,51123,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,21200,0,0,0,0,0,0,1,0,0,0,1,0,0 +"1337",0,0,0,0,0,7100,-150,7100,-150,-150,292,37,34101,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-150,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1338",1000,0,98000,70000,28000,61300,50925,62300,51925,79925,79925,36,57630,6,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,51925,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1339",0,0,0,0,0,500,-60,500,-60,-60,-60,40,14430,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-60,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1340",14800,0,92000,41183,50817,29855,19155,133255,122555,173372,181372,59,29499,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,33955,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1341",0,0,50000,0,50000,1000,900,1000,900,50900,53900,41,28620,4,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1342",600,0,0,0,0,20399,18899,20999,19499,19499,22849,49,21090,1,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,19499,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1343",0,0,125000,75000,50000,940,-5310,940,-5310,44690,44690,43,40200,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5310,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1344",0,0,175000,100000,75000,8699,8699,8699,8699,83699,83699,35,9933,2,12,1,1,0,1,1,0,0,0,0,1,0,0,1,2,0.375,8699,1,1,0,0,0,0,0,0,0,1,0,0,0 +"1345",0,0,49700,42500,7200,0,-12500,0,-12500,-5300,-5300,47,17988,5,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-12500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1346",0,0,0,0,0,0,0,0,0,0,0,28,12960,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1347",0,0,0,0,0,10100,8850,10100,8850,8850,36850,56,20643,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,8850,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1348",0,0,0,0,0,5,-8675,5,-8675,-8675,325,25,28800,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-8675,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1349",0,0,0,0,0,0,-1100,0,-1100,-1100,-1100,40,35190,9,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-1100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1350",0,0,16000,16000,0,0,-400,0,-400,-400,2600,37,11763,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1351",0,0,65000,63000,2000,601,-6599,601,-6599,-4599,-36,46,38886,2,10,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-6599,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1352",9300,0,0,0,0,78149,78149,87449,87449,87449,87949,52,32628,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,87449,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1353",3000,0,55000,25000,30000,76499,73499,119499,116499,146499,150374,57,45294,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,76499,1,0,0,0,0,1,0,0,0,0,0,0,1 +"1354",0,0,220000,57000,163000,300,-4300,300,-4300,158700,158700,53,12882,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1355",0,0,125000,70000,55000,32,-1068,32,-1068,53932,53932,42,60384,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1068,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1356",0,0,0,0,0,6600,400,6600,400,400,3575,25,32580,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,400,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1357",0,0,0,0,0,30,-59970,30,-59970,-59970,-59470,42,13500,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-59970,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1358",0,0,0,0,0,0,-157,0,-157,-157,843,33,11700,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-157,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1359",0,0,75000,50550,24450,6000,2000,6000,2000,26450,26450,41,82200,4,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,2000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1360",0,0,62000,62000,0,1953,1853,1953,1853,1853,5203,36,27741,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,1853,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1361",0,0,60000,0,60000,0,0,0,0,60000,60000,43,9747,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1362",0,0,0,0,0,0,-3100,0,-3100,-3100,-3100,43,21216,7,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-3100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1363",0,0,0,0,0,400,-100,400,-100,-100,500,32,17040,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1364",28000,0,0,0,0,26997,26997,54997,54997,54997,74997,55,27000,2,10,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2061994,54997,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1365",0,0,0,0,0,325,325,325,325,325,1325,34,33171,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,325,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1366",0,0,0,0,0,600,-100,600,-100,-100,33250,28,16590,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1367",0,0,80500,80500,0,0,-69300,0,-69300,-69300,-61200,46,16200,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-69300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1368",0,0,150000,50000,100000,1400,-2800,1400,-2800,97200,105200,45,68244,4,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-2800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1369",24000,0,100000,50000,50000,28000,28000,52000,52000,102000,114000,53,47520,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,52000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1370",8500,0,65000,41000,24000,248,-252,8748,8248,32248,33848,52,28419,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,8248,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1371",0,0,110000,100000,10000,182000,178915,182000,178915,188915,383915,36,77316,6,14,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,178915,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1372",0,0,0,0,0,1000,1000,1000,1000,1000,4350,29,28800,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1373",0,0,0,0,0,250,150,250,150,150,150,25,4980,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,150,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1374",0,0,0,0,0,50,50,50,50,50,50,60,6252,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,50,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1375",0,0,0,0,0,0,0,0,0,0,0,63,6480,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1376",0,0,35000,0,35000,600,600,600,600,35600,37650,52,13200,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1377",20000,0,65000,55000,10000,14300,13725,34300,33725,43725,43725,33,42699,3,16,0,1,1,1,1,0,0,1,0,0,0,1,5,4,0.4624346,33725,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1378",0,0,180000,120000,60000,26290,25290,26290,25290,85290,120715,34,66000,1,15,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,25290,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1379",4027,0,40000,0,40000,3725,-1147,7752,2880,42880,45574,46,21450,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,2880,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1380",500,0,40000,27000,13000,100,100,600,600,13600,13600,43,14511,5,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1381",0,0,0,0,0,50,-2350,50,-2350,-2350,-1850,25,13377,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1382",0,0,0,0,0,0,-5000,0,-5000,-5000,-1400,54,19620,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-5000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1383",0,0,75000,24000,51000,4830,2680,4830,2680,53680,53680,45,9876,4,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,2680,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1384",20450,0,65000,35000,30000,129500,129151,149950,149601,179601,179601,53,48732,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,149601,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1385",0,0,200000,0,200000,15149,15149,15149,15149,215149,254928,63,36978,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,15149,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1386",0,0,210000,115000,95000,7000,4800,7000,4800,99800,99800,49,56145,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,4800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1387",14000,0,0,0,0,10645,4545,24645,18545,18545,18545,54,35280,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,18545,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1388",0,0,0,0,0,0,0,0,0,0,13362,50,30600,3,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6600804,0,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1389",4411,0,0,0,0,9283,8583,13694,12994,12994,14494,55,18444,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,12994,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1390",0,0,0,0,0,0,0,0,0,0,500,40,19650,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1391",0,0,0,0,0,100,100,100,100,100,100,25,7044,4,5,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,100,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1392",17000,0,90000,68000,22000,3699,-6101,20699,10899,32899,35952,44,50154,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,10899,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1393",0,0,90000,83030,6970,5,-1895,5,-1895,5075,13075,31,28362,4,17,1,1,1,0,1,0,0,0,0,0,0,1,3,4,0.3978536,-1895,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1394",3770,0,90000,64500,25500,1949,1949,5719,5719,31219,31219,42,61744,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,5719,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1395",0,0,0,0,0,0,0,0,0,0,5242,49,14280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1396",0,0,99500,56000,43500,5099,5099,5099,5099,48599,79099,37,21078,1,15,1,1,1,0,1,0,0,0,0,0,1,0,3,3,0.3978536,5099,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1397",0,0,0,0,0,2150,2150,2150,2150,2150,3650,37,31995,5,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,2150,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1398",0,0,0,0,0,600,600,600,600,600,775,32,62700,2,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,600,0,0,0,0,0,0,1,0,0,1,0,0,0 +"1399",18000,0,140000,100000,40000,16000,15200,34000,33200,73200,73200,36,45963,3,13,0,1,1,0,1,0,0,1,0,0,1,0,5,3,0.4624346,33200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1400",0,0,0,0,0,830,-3670,830,-3670,-3670,-545,41,31221,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3670,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1401",0,0,0,0,0,0,-3150,0,-3150,-3150,-3150,32,6315,6,10,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,-3150,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1402",0,0,0,0,0,50,-2350,50,-2350,-2350,5650,39,12522,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2350,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1403",6000,0,75000,40000,35000,2249,749,8249,6749,41749,60430,47,32649,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,6749,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1404",30000,0,300000,150000,150000,81000,76000,111000,106000,256000,311000,51,104802,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,106000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1405",0,0,40000,0,40000,0,0,0,0,40000,41775,45,31968,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1406",0,0,0,0,0,4999,4799,4999,4799,4799,9231,26,24942,4,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,4799,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1407",0,0,65000,52000,13000,3000,2000,3000,2000,15000,19500,30,46080,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1408",0,0,125000,0,125000,20,-2875,20,-2875,122125,122125,28,49284,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2875,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1409",0,0,0,0,0,0,0,0,0,0,10593,29,15276,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1410",13474,0,100000,0,100000,9000,9000,22474,22474,122474,122474,40,126750,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,22474,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1411",0,0,0,0,0,21000,21000,21000,21000,21000,37546,58,30528,1,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,21000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1412",500,0,70000,50000,20000,3600,-6400,4100,-5900,14100,17220,52,30045,4,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-5900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1413",0,0,60000,35000,25000,45,45,45,45,25045,28395,62,13218,2,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,45,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1414",0,0,0,0,0,1400,1400,1400,1400,1400,1400,27,32106,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,1400,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1415",3500,0,0,0,0,1488,288,4988,3788,3788,7138,43,23667,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,3788,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1416",27000,0,45000,0,45000,7999,7883,34999,34883,79883,82642,62,13836,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,34883,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1417",18000,0,0,0,0,67560,67560,85560,85560,85560,85560,49,17169,6,18,1,1,0,1,1,0,0,1,0,0,0,1,2,4,0.2883143,85560,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1418",0,0,170000,92000,78000,3800,-16700,3800,-16700,61300,138300,34,64821,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-16700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1419",0,0,0,0,0,1600,-400,1600,-400,-400,600,43,19392,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1420",0,0,37000,4200,32800,100,-4900,100,-4900,27900,27900,29,36873,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4900,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1421",8000,0,20000,0,20000,900,600,8900,8600,28600,32025,38,14415,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,8600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1422",0,0,45000,38000,7000,1000,988,1000,988,7988,22679,27,12933,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,988,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1423",400,0,6000,4000,2000,1005,555,1405,955,2955,5305,40,14640,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,955,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1424",10248,0,49900,42000,7900,2680,-4556,12928,5692,13592,13592,33,49845,2,18,0,1,1,1,1,0,0,1,0,0,0,1,5,4,0.4624346,5692,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1425",0,0,80000,0,80000,56200,54700,56200,54700,134700,347827,58,31575,2,12,1,1,1,0,1,0,0,0,0,1,0,0,4,2,0.5297047,54700,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1426",0,0,58000,46000,12000,1170,-3530,1170,-3530,8470,16470,31,44853,4,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-3530,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1427",0,0,40000,0,40000,0,0,0,0,40000,40000,52,945,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1428",8600,0,5000,0,5000,3200,3200,11800,11800,16800,36800,55,21801,3,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,11800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1429",0,0,23000,0,23000,0,-275,0,-275,22725,22725,27,17040,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-275,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1430",0,0,0,0,0,927,-4823,927,-4823,-4823,-4823,35,20103,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-4823,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1431",15800,0,130000,92300,37700,2700,-2300,18500,13500,51200,51200,27,59901,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13500,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1432",0,0,80000,76000,4000,300,-4900,300,-4900,-900,69600,42,39300,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-4900,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1433",13000,0,89000,0,89000,7400,7400,20400,20400,109400,114319,61,20766,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,20400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1434",19200,0,150000,90000,60000,6499,6499,25699,25699,85699,94699,28,58923,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,25699,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1435",0,0,0,0,0,800,-9090,800,-9090,-9090,-9090,50,31974,4,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-9090,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1436",4400,0,145000,102000,43000,18700,17800,27100,26200,69200,80200,27,18810,2,16,0,1,0,1,1,0,0,1,0,0,0,1,2,4,0.1464927,22200,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1437",0,0,110000,30000,80000,328,-2172,328,-2172,77828,93828,39,60594,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2172,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1438",0,0,95000,18000,77000,0,0,0,0,77000,86999,38,31158,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1439",0,0,0,0,0,200,-1154,200,-1154,-1154,2346,33,39234,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-1154,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1440",0,0,3000,0,3000,0,-1538,0,-1538,1462,2666,28,12636,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1538,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1441",0,0,5200,0,5200,523,523,523,523,5723,6723,60,7437,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,523,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1442",0,0,25000,13000,12000,0,-250,0,-250,11750,11750,49,14226,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-250,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1443",0,0,110000,67500,42500,1749,1179,1749,1179,43679,43679,50,42480,2,2,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,1179,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1444",2700,0,284000,124000,160000,24000,21900,26700,24600,184600,184600,32,62385,3,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,24600,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1445",0,0,0,0,0,100,-21250,100,-21250,-21250,-20975,25,13026,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-21250,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1446",0,0,160000,142000,18000,4650,4500,4650,4500,22500,22500,33,30075,3,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,4500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1447",0,0,0,0,0,105,-295,105,-295,-295,6704,36,32316,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-295,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1448",0,0,55000,31000,24000,1800,1600,1800,1600,25600,25600,40,34680,5,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1449",2308,0,0,0,0,13624,13624,15932,15932,15932,18132,35,17877,1,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.105793,15932,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1450",0,0,55000,44115,10885,60,-540,60,-540,10345,10345,31,27036,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-540,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1451",0,0,176000,150000,26000,15559,11109,15559,11109,37109,168562,48,32565,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,11109,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1452",0,0,0,0,0,2000,2000,2000,2000,2000,2000,36,21210,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1453",0,0,85000,52000,33000,5000,1815,5000,1815,34815,50815,29,20490,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1815,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1454",0,0,85000,22000,63000,10000,9200,10000,9200,72200,76100,61,18759,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,9200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1455",0,0,275000,48000,227000,3500,2500,3500,2500,229500,379500,61,24108,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1456",0,0,50000,0,50000,0,-5000,0,-5000,45000,46900,32,8841,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-5000,1,1,0,0,0,0,0,0,0,1,0,0,0 +"1457",2250,0,60000,35000,25000,11763,7668,14013,9918,34918,36418,39,23046,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,9918,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1458",0,0,0,0,0,11100,11100,11100,11100,11100,11100,29,28440,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,11100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1459",0,0,140000,0,140000,15000,15000,15000,15000,155000,155000,58,52590,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,15000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1460",0,0,0,0,0,1400,-7600,1400,-7600,-7600,-3700,27,16830,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-7600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1461",26000,0,165000,15000,150000,5999,2999,31999,28999,178999,186499,42,55110,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,28999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1462",2200,0,40000,0,40000,11000,11000,13200,13200,53200,75200,47,57600,2,8,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,13200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1463",18000,0,88000,68000,20000,27048,25848,45048,43848,63848,63848,40,50364,4,12,1,1,1,1,1,0,0,1,0,1,0,0,6,2,0.7130944,43848,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1464",0,0,100000,4400,95600,3199,1488,3199,1488,97088,102428,63,18600,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1488,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1465",0,0,0,0,0,400,-5600,400,-5600,-5600,-5600,31,20880,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5600,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1466",0,0,0,0,0,150,-2150,150,-2150,-2150,575,50,24939,6,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2150,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1467",0,0,0,0,0,900,-2800,900,-2800,-2800,-1225,25,32979,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2800,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1468",0,0,0,0,0,100,-1900,100,-1900,-1900,1125,42,24225,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1469",0,0,0,0,0,2400,2400,2400,2400,2400,11544,42,37851,6,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,2400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1470",0,0,0,0,0,0,0,0,0,0,0,62,33228,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1471",0,0,200000,135000,65000,58121,58121,58121,58121,123121,167192,51,136914,2,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,58121,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1472",0,0,0,0,0,350,-1650,10350,8350,8350,11350,52,28893,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1650,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1473",0,0,40000,15000,25000,4258,4258,4258,4258,29258,29258,40,40896,5,10,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.6077043,4258,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1474",0,0,70000,39900,30100,49,-451,49,-451,29649,32649,60,24996,4,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-451,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1475",0,0,55000,49500,5500,1500,-2720,1500,-2720,2780,9780,34,42600,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2720,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1476",1700,0,90000,20000,70000,650,-3350,2350,-1650,68350,72050,53,38988,4,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-1650,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1477",0,0,0,0,0,3500,-5000,3500,-5000,-5000,-3100,50,57024,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-5000,0,0,0,0,0,0,1,0,0,0,0,1,0 +"1478",5000,0,0,0,0,1149,1149,6149,6149,6149,6149,41,13098,1,14,1,0,1,0,1,0,0,1,0,0,1,0,2,3,0.3268128,6149,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1479",0,0,10000,0,10000,399,269,399,269,10269,47775,49,10992,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,269,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1480",5198,0,120000,33000,87000,45250,42150,50448,47348,134348,140823,49,45729,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,47348,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1481",0,0,0,0,0,200,-765,200,-765,-765,3118,33,11952,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-765,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1482",4035,0,183000,30000,153000,5000,5000,9035,9035,162035,165635,49,38700,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,9035,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1483",0,0,0,0,0,0,0,0,0,0,6500,32,34680,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1484",0,0,70000,67000,3000,160,-6705,160,-6705,-3705,1295,32,49329,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-6705,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1485",0,0,0,0,0,1150,-50,1150,-50,-50,32792,30,12051,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-50,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1486",0,0,0,0,0,700,-14600,700,-14600,-14600,-14600,32,7530,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-14600,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1487",0,0,49000,49000,0,525,525,525,525,525,8986,39,40800,1,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,525,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1488",0,0,0,0,0,1499,1499,1499,1499,1499,11999,34,41490,1,13,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5231876,1499,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1489",0,0,92000,82000,10000,1000,-1300,1000,-1300,8700,8700,38,66300,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1490",0,0,0,0,0,1600,1540,1600,1540,1540,8534,31,10356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,1540,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1491",0,0,0,0,0,350,-1150,350,-1150,-1150,-1150,54,24318,6,2,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-1150,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1492",0,0,0,0,0,3800,2800,3800,2800,2800,5466,29,41031,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,2800,0,0,0,0,0,1,0,0,1,0,0,0,0 +"1493",0,0,7500,5000,2500,0,0,0,0,2500,4500,47,2700,1,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1494",0,0,0,0,0,0,0,0,0,0,0,25,8256,5,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1495",0,0,0,0,0,1300,-5500,1300,-5500,-5500,7500,27,25527,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-5500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1496",0,0,0,0,0,999,-4501,999,-4501,-4501,2499,36,19251,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4501,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1497",0,0,0,0,0,1030,-3970,1030,-3970,-3970,9830,45,64791,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-3970,0,0,0,0,0,0,1,0,0,0,0,1,0 +"1498",0,0,0,0,0,0,0,0,0,0,0,39,42777,2,7,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.3243191,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"1499",0,0,0,0,0,170,-20930,170,-20930,-20930,570,32,21609,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-20930,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1500",0,0,0,0,0,0,0,0,0,0,0,48,28053,6,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1501",0,0,35000,33750,1250,34547,34397,34547,34397,35647,38572,56,27021,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,34397,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1502",0,0,0,0,0,0,0,0,0,0,0,28,19170,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1503",0,0,0,0,0,1500,1500,1500,1500,1500,1500,39,13566,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1504",0,0,300000,50000,250000,8000,1000,8000,1000,251000,251000,28,28554,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,1000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1505",0,0,0,0,0,1225,1225,1225,1225,1225,5400,35,24549,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,1225,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1506",0,0,0,0,0,1667,1667,1667,1667,1667,7492,39,25728,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1667,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1507",0,0,0,0,0,1100,1100,1100,1100,1100,1600,41,18090,2,14,0,1,1,0,1,0,0,0,0,0,1,0,2,3,0.1283302,1100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1508",0,0,0,0,0,7200,6200,7200,6200,6200,7400,49,19809,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,6200,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1509",0,0,49000,45000,4000,23850,23850,23850,23850,27850,30788,33,34806,3,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,23850,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1510",0,0,0,0,0,210,-3290,210,-3290,-3290,60,28,21582,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3290,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1511",0,0,190000,105000,85000,2448,-8252,2448,-8252,76748,78048,47,30663,2,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-8252,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1512",0,0,0,0,0,400,-10600,400,-10600,-10600,7600,30,15840,2,18,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-10600,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1513",0,0,0,0,0,1499,1499,1499,1499,1499,6999,39,31860,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,1499,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1514",0,0,0,0,0,4000,3100,4000,3100,3100,3100,27,28860,2,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1515",0,0,0,0,0,0,0,0,0,0,0,40,13896,7,8,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1516",0,0,59000,44900,14100,16,-2384,16,-2384,11716,22391,36,17883,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-2384,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1517",0,0,60000,51000,9000,14400,-4500,14400,-4500,4500,21906,35,50910,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-4500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1518",0,0,0,0,0,0,0,0,0,0,0,32,7146,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1519",0,0,0,0,0,2400,0,2400,0,0,1500,30,20310,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1520",0,0,0,0,0,2,-3998,2,-3998,-3998,-648,34,5865,4,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3998,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1521",0,0,0,0,0,532,482,532,482,482,482,25,13182,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,482,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1522",0,0,175000,100000,75000,122998,104698,122998,104698,179698,189698,44,109125,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,104698,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1523",0,0,99000,0,99000,0,0,0,0,99000,99000,28,4044,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"1524",0,0,0,0,0,300,-350,300,-350,-350,3000,26,15330,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1525",0,0,90000,60000,30000,50800,40800,50800,40800,70800,172800,54,74040,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,40800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1526",0,0,0,0,0,1500,-12500,1500,-12500,-12500,-10000,27,46050,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-12500,0,0,0,0,0,1,0,0,1,0,0,0,0 +"1527",0,0,150000,103000,47000,30700,16700,30700,16700,63700,73700,64,65373,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,16700,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1528",6500,0,80000,80000,0,70050,69050,76550,75550,75550,80550,33,78519,2,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,75550,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1529",0,0,5000,0,5000,0,-400,0,-400,4600,4600,38,17700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1530",0,0,0,0,0,3630,3630,3630,3630,3630,7230,34,34323,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,3630,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1531",0,0,0,0,0,1245,-4355,1245,-4355,-4355,161645,25,33843,3,14,1,1,1,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4355,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1532",0,0,0,0,0,0,-600,0,-600,-600,2900,42,12240,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-600,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1533",0,0,0,0,0,35,-205,35,-205,-205,295,32,15552,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-205,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1534",0,0,0,0,0,0,0,0,0,0,-500,25,19380,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1535",0,0,32000,27000,5000,0,0,0,0,5000,13500,37,31830,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1536",0,0,63000,58000,5000,500,-600,500,-600,4400,4400,27,32436,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-600,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1537",0,0,0,0,0,899,899,899,899,899,899,51,46746,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,899,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1538",0,0,0,0,0,595,-205,595,-205,-205,6295,26,15699,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-205,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1539",0,0,111000,33000,78000,26459,24109,26459,24109,102109,111109,47,88413,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,24109,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1540",0,0,70000,50000,20000,2300,300,2300,300,20300,25896,29,21891,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,300,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1541",0,0,18000,0,18000,131,131,131,131,18131,18131,39,11604,3,18,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,131,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1542",0,0,145000,55000,90000,23999,21999,23999,21999,111999,226999,33,10860,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,21999,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1543",0,0,0,0,0,0,-1300,0,-1300,-1300,-1300,47,8400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1300,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1544",0,0,0,0,0,1758,-1742,1758,-1742,-1742,-108,40,12015,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1742,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1545",0,0,45000,0,45000,1299,-1228,1299,-1228,43772,43772,31,21450,5,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-1228,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1546",0,0,0,0,0,200,-930,200,-930,-930,5070,31,12600,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-930,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1547",0,0,55000,15000,40000,600,-1200,600,-1200,38800,78800,29,30489,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1548",0,0,300000,125000,175000,5999,1999,5999,1999,176999,176999,38,69270,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,1999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1549",8800,0,55000,26580,28420,1700,1500,10500,10300,38720,38720,35,41733,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,10300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1550",0,0,75000,0,75000,4800,4800,4800,4800,79800,80300,55,9843,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,4800,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1551",29000,0,120000,118000,2000,82600,81500,111600,110500,112500,239600,56,96147,3,13,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,110500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1552",0,0,135000,77000,58000,0,-1200,0,-1200,56800,56800,51,53226,8,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-1200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1553",0,0,300000,53000,247000,600,0,600,0,247000,252000,45,28152,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1554",0,0,0,0,0,0,0,0,0,0,0,40,12240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1555",0,0,0,0,0,9900,9900,9900,9900,9900,43262,30,73458,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,9900,0,0,0,0,0,0,1,0,0,1,0,0,0 +"1556",0,0,190000,25000,165000,6500,-4500,6500,-4500,160500,160500,54,65550,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-4500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1557",0,0,0,0,0,0,0,0,0,0,0,38,9384,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1558",0,0,0,0,0,0,-45000,0,-45000,-45000,-39757,30,23004,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-45000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1559",0,0,190000,106000,84000,2100,-9900,2100,-9900,74100,79325,50,87708,2,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,-9900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1560",0,0,38000,18500,19500,127,-1136,127,-1136,18364,19734,49,21030,6,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1136,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1561",0,0,40000,0,40000,13749,13749,13749,13749,53749,226628,62,15009,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,13749,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1562",0,0,20000,16000,4000,200,200,200,200,4200,4200,63,17418,2,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1563",5000,0,25000,0,25000,4000,4000,9000,9000,34000,38000,54,19950,1,12,1,0,1,0,1,0,0,1,0,1,0,0,2,2,0.3108636,9000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1564",0,0,120000,118011,1989,500,-11700,500,-11700,-9711,-9711,37,56529,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-11700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1565",0,0,0,0,0,0,-900,0,-900,-900,-900,30,27930,3,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1566",16000,0,150000,0,150000,26000,23000,42000,39000,189000,193175,47,21996,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,39000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1567",0,0,80000,0,80000,15999,14299,15999,14299,94299,94299,44,73902,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,14299,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1568",8000,0,225000,73000,152000,4000,4000,12000,12000,164000,164000,40,38868,4,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,12000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1569",0,0,35000,0,35000,1253,-3447,1253,-3447,31553,34553,63,30294,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-3447,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1570",0,0,30000,0,30000,1619,1019,1619,1019,31019,31519,60,5391,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1019,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1571",0,0,0,0,0,350,350,350,350,350,5466,28,12750,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1572",13000,0,0,0,0,35950,35950,48950,48950,48950,54411,43,48300,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.6430668,48950,0,0,0,0,0,1,0,0,0,0,1,0,0 +"1573",0,0,0,0,0,0,0,0,0,0,4679,25,22683,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1574",0,0,0,0,0,0,-7000,0,-7000,-7000,-6500,36,25266,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-7000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1575",0,0,0,0,0,800,50,800,50,50,18604,28,30363,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,50,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1576",0,0,75000,0,75000,0,0,0,0,75000,78550,47,21420,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1577",0,0,0,0,0,0,-55,0,-55,-55,-55,44,9693,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-55,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1578",16500,0,100000,90000,10000,20999,20999,37499,37499,47499,47499,38,65949,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,37499,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1579",0,0,0,0,0,0,0,0,0,0,5000,30,15690,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1580",13000,0,215000,99000,116000,1999,1499,14999,14499,130499,130499,42,50835,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,14499,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1581",5000,0,75000,52000,23000,2000,-1600,7000,3400,26400,30400,36,42330,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,3400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1582",0,0,0,0,0,0,0,0,0,0,0,48,9864,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1583",0,0,0,0,0,0,0,0,0,0,500,53,9990,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1584",0,0,25000,0,25000,0,-10500,0,-10500,14500,66500,57,8190,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-10500,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1585",0,0,38000,38000,0,35300,20300,35300,20300,20300,58600,50,46632,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,20300,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1586",0,0,0,0,0,4,-4596,4,-4596,-4596,-3846,25,30834,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-4596,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1587",0,0,0,0,0,500,500,500,500,500,850,28,100026,2,8,0,0,1,0,1,0,0,0,1,0,0,0,7,1,0.3201262,500,0,0,0,0,0,0,0,1,1,0,0,0,0 +"1588",0,0,0,0,0,750,-10250,750,-10250,-10250,-3900,25,12555,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10250,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1589",0,0,40000,10000,30000,200,200,200,200,30200,33844,38,8406,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,200,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1590",200,0,0,0,0,700,300,900,500,500,4550,47,36000,2,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1591",2000,0,60000,0,60000,2000,1500,4000,3500,63500,63600,55,33681,5,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,3500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1592",1000,0,0,0,0,300,-1700,1300,-700,-700,10662,26,15315,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.105793,-700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1593",0,0,0,0,0,5500,-2500,5500,-2500,-2500,-2500,42,123246,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,-2500,0,0,0,0,0,0,0,1,0,0,1,0,0 +"1594",0,0,48000,32900,15100,21000,-9000,21000,-9000,6100,21354,33,109608,4,18,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-9000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1595",0,0,0,0,0,0,0,0,0,0,500,36,8400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1596",0,0,135000,68000,67000,11568,11168,11568,11168,78168,78168,37,43053,2,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,11168,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1597",0,0,0,0,0,0,-583,0,-583,-583,-583,32,16320,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-583,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1598",5000,0,100000,55000,45000,8000,8000,13000,13000,58000,58000,41,19020,4,13,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,13000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1599",0,0,85000,52000,33000,3200,-1800,3200,-1800,31200,31200,52,66603,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1600",1300,0,0,0,0,2800,2800,4100,4100,4100,4100,40,50634,3,14,1,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5500422,4100,0,0,0,0,0,0,1,0,0,0,1,0,0 +"1601",0,0,170000,100000,70000,350,-2100,350,-2100,67900,68650,48,18564,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1602",0,0,10000,0,10000,10,-335,10,-335,9665,10665,40,14373,2,13,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-335,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1603",2000,0,0,0,0,5500,5055,7500,7055,7055,8055,37,26391,1,17,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,7055,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1604",35000,0,100000,32000,68000,92499,90599,127499,125599,193599,223599,44,77730,4,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,125599,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1605",7900,0,55000,52000,3000,50200,50200,58100,58100,61100,83962,45,32250,2,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,58100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1606",0,0,0,0,0,750,710,750,710,710,710,31,39891,2,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,710,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1607",0,0,39000,39000,0,185,-4815,185,-4815,-4815,-4815,36,29976,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-4815,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1608",2000,0,0,0,0,126,-1394,2126,606,606,2831,37,21603,1,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.5117899,606,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1609",0,0,0,0,0,500,500,500,500,500,2200,48,10800,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,500,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1610",0,0,30000,7000,23000,600,-3650,600,-3650,19350,29350,37,20424,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3650,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1611",0,0,70000,0,70000,35,35,35,35,70035,75035,57,22440,5,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,35,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1612",0,0,75000,53000,22000,250,-3250,250,-3250,18750,22250,27,29766,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3250,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1613",0,0,0,0,0,1200,600,1200,600,600,600,60,16980,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,600,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1614",55000,0,0,0,0,138748,138048,193748,193048,193048,234048,38,14025,3,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.118155,193048,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1615",25000,0,200000,22000,178000,28600,28600,53600,53600,231600,253600,38,76362,5,15,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,53600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1616",2500,0,89000,35000,54000,4500,1900,7000,4400,58400,62200,39,46140,2,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,4400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1617",0,0,72000,0,72000,49,49,49,49,72049,72049,64,13497,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,49,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1618",0,0,35000,0,35000,4999,4999,4999,4999,39999,39999,48,39720,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,4999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1619",0,0,80000,0,80000,100,100,100,100,80100,80850,61,4635,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,100,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1620",0,0,0,0,0,1250,-7750,1250,-7750,-7750,-3084,25,37200,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-7750,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1621",0,0,91000,91000,0,200,-6300,200,-6300,-6300,83700,33,11238,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-6300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1622",0,0,0,0,0,3,-10397,3,-10397,-10397,-10397,33,9150,9,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-10397,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1623",9000,0,150000,89000,61000,9850,9850,18850,18850,79850,269850,36,52290,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,18850,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1624",0,0,58000,22500,35500,800,800,800,800,36300,50761,38,48651,2,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1625",0,0,160000,150000,10000,23500,22600,23500,22600,32600,48600,36,24642,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,22600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1626",0,0,21000,7000,14000,0,-2100,0,-2100,11900,17900,46,6075,4,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2100,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1627",0,0,0,0,0,0,0,0,0,0,0,50,14292,3,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1628",0,0,0,0,0,0,0,0,0,0,0,28,13794,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1629",0,0,150000,0,150000,550,-4550,550,-4550,145450,151450,45,32409,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4550,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1630",0,0,45000,45000,0,0,-750,0,-750,-750,6211,30,27000,1,16,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,-750,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1631",0,0,57000,42000,15000,0,0,0,0,15000,15500,27,5943,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"1632",20000,0,234000,0,234000,80000,80000,100000,100000,334000,335000,54,31512,2,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,100000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1633",0,0,0,0,0,230,-1370,230,-1370,-1370,4683,28,10710,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1370,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1634",7000,0,125000,96000,29000,20500,17500,27500,24500,53500,53500,36,44595,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,24500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1635",0,0,0,0,0,0,0,0,0,0,0,31,21420,4,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1636",0,0,0,0,0,0,0,0,0,0,0,30,8415,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1637",28000,0,200000,150000,50000,7799,7799,40999,40999,90999,90999,32,68169,4,18,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,35799,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1638",0,0,28000,0,28000,200,-800,200,-800,27200,27200,42,15384,7,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-800,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1639",0,0,300000,30000,270000,26000,26000,26000,26000,296000,370000,46,60396,3,16,0,1,1,0,1,0,0,0,0,0,0,1,6,4,0.5405443,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1640",0,0,0,0,0,0,-800,0,-800,-800,-800,38,7968,4,7,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-800,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1641",0,0,66000,64000,2000,0,0,0,0,2000,4116,27,33864,1,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1642",0,0,0,0,0,0,0,0,0,0,1000,32,9780,1,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1643",0,0,0,0,0,900,900,900,900,900,900,38,16110,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,900,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1644",0,0,190000,90000,100000,68248,68248,68248,68248,168248,198248,44,103455,1,14,1,0,1,0,1,0,0,0,0,0,1,0,7,3,0.6891237,68248,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1645",0,0,25000,0,25000,600,600,600,600,25600,30600,52,26880,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1646",0,0,300000,0,300000,200,-17300,200,-17300,282700,582700,49,33567,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-17300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1647",26781,0,130000,88000,42000,5098,4598,31879,31379,73379,83379,43,48069,4,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,31379,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1648",3500,0,0,0,0,300,-8700,3800,-5200,-5200,-1200,40,25506,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,-5200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1649",6000,0,110000,71900,38100,12499,12449,18499,18449,56549,58049,44,29526,4,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,18449,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1650",0,0,90000,0,90000,500,-1900,500,-1900,88100,94100,39,25155,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1651",6000,0,215000,150000,65000,5481,4981,11481,10981,75981,75981,43,13179,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,10981,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1652",0,0,123000,75000,48000,2499,299,2499,299,48299,53299,39,63150,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,299,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1653",0,0,0,0,0,5298,5298,5298,5298,5298,5298,48,51591,5,16,0,1,1,0,1,0,0,0,0,0,0,1,6,4,0.3598378,5298,0,0,0,0,0,0,1,0,0,0,0,1,0 +"1654",0,0,45500,0,45500,100,-9600,100,-9600,35900,38400,34,13509,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-9600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1655",0,0,0,0,0,1200,900,1200,900,900,9250,35,17460,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,900,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1656",0,0,90000,54000,36000,30,-1820,30,-1820,34180,43276,46,46356,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-1820,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1657",725,0,153000,102000,51000,1000,-3000,1725,-2275,48725,50725,41,34353,2,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,-2275,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1658",0,0,111000,111000,0,2500,2500,2500,2500,2500,14500,40,-9,7,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,2500,1,0,0,0,0,0,0,0,0,0,1,0,0 +"1659",0,0,100000,69000,31000,2000,2000,2000,2000,33000,33000,46,48858,4,8,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1660",0,0,0,0,0,0,0,0,0,0,0,32,26535,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1661",0,0,0,0,0,20,-5380,20,-5380,-5380,-4542,34,15684,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-5380,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1662",0,0,70000,56000,14000,1250,-5750,1250,-5750,8250,20750,28,55305,3,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-5750,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1663",0,0,14000,0,14000,0,-26000,0,-26000,-12000,-4667,60,7776,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-26000,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1664",0,0,0,0,0,2336,2136,2336,2136,2136,3667,26,22182,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,2136,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1665",0,0,175000,0,175000,5899,5899,5899,5899,180899,180899,57,38595,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,5899,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1666",0,0,0,0,0,1100,-3900,1100,-3900,-3900,1779,31,27150,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-3900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1667",0,0,0,0,0,720,-26280,720,-26280,-26280,-22480,34,44775,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-26280,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1668",0,0,0,0,0,200,200,200,200,200,2700,31,12255,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1669",0,0,108000,103000,5000,900,-5100,900,-5100,-100,2400,40,45231,3,13,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-5100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1670",0,0,0,0,0,15,-2785,15,-2785,-2785,-2035,32,6312,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2785,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1671",0,0,0,0,0,0,0,0,0,0,0,38,25626,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1672",16000,0,220000,74600,145400,2800,-27200,18800,-11200,134200,134200,31,63303,4,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,-11200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1673",0,0,0,0,0,300,-800,300,-800,-800,450,25,13506,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1674",0,0,0,0,0,1032,-13968,1032,-13968,-13968,-13968,50,52215,5,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-13968,0,0,0,0,0,0,1,0,0,0,0,1,0 +"1675",0,0,42000,39000,3000,1200,-3000,1200,-3000,0,1500,38,42552,3,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-3000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1676",5533,0,0,0,0,92300,91800,97833,97333,97333,97333,63,44799,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.3442089,97333,0,0,0,0,0,1,0,0,0,0,0,0,1 +"1677",0,0,80000,55500,24500,2500,1300,2500,1300,25800,29200,28,51984,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1300,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1678",0,0,0,0,0,10000,4000,10000,4000,4000,4000,37,83925,1,12,0,0,1,0,1,0,0,0,0,1,0,0,7,2,0.3201262,4000,0,0,0,0,0,0,0,1,0,0,1,0,0 +"1679",0,0,0,0,0,600,-7400,600,-7400,-7400,-6650,35,17475,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-7400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1680",0,0,0,0,0,98,-10002,98,-10002,-10002,-9602,32,11667,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-10002,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1681",0,0,60000,0,60000,0,0,0,0,60000,60500,45,7752,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1682",0,0,10000,0,10000,2000,2000,2000,2000,12000,12000,45,17829,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1683",0,0,12500,12500,0,125,-1425,125,-1425,-1425,-1425,45,24645,5,11,1,1,1,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-1425,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1684",0,0,60000,18000,42000,428,428,428,428,42428,45428,64,21657,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,428,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1685",0,0,170000,103000,67000,500,-4000,500,-4000,63000,67000,31,24030,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-4000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1686",0,0,0,0,0,7000,6000,7000,6000,6000,63861,60,35277,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,6000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1687",0,0,0,0,0,3030,1680,3030,1680,1680,5680,38,32928,2,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,1680,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1688",0,0,0,0,0,100,-250,100,-250,-250,-250,37,20676,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1689",6000,0,240000,138000,102000,74999,73499,80999,79499,181499,219241,40,42900,2,14,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,79499,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1690",0,0,0,0,0,0,-7000,0,-7000,-7000,-6500,42,32220,1,9,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,-7000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1691",0,0,39000,25000,14000,0,0,0,0,14000,16539,52,21891,2,8,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1692",0,0,170000,20000,150000,14999,9999,14999,9999,159999,159999,47,24900,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,9999,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1693",0,0,35000,15000,20000,500,-750,500,-750,19250,20650,64,15600,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-750,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1694",0,0,75000,70000,5000,300,300,300,300,5300,262300,52,32388,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1695",0,0,70000,0,70000,748,-2552,748,-2552,67448,67448,30,33720,2,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-2552,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1696",0,0,0,0,0,2899,-101,2899,-101,-101,-101,56,30165,3,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.2951996,-101,0,0,0,0,1,0,0,0,0,0,0,0,1 +"1697",0,0,0,0,0,1249,949,1249,949,949,949,33,16731,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,949,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1698",0,0,60000,26000,34000,0,-5700,0,-5700,28300,34300,32,28872,5,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-5700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1699",0,0,0,0,0,60,-9940,60,-9940,-9940,-5415,39,24576,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-9940,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1700",0,0,65000,50000,15000,3059,2559,3059,2559,17559,23459,34,24915,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2559,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1701",0,0,30000,0,30000,0,0,0,0,30000,33650,42,16860,1,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1702",800,0,0,0,0,700,-5150,1500,-4350,-4350,4150,36,46842,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.3442089,-4350,0,0,0,0,0,1,0,0,0,0,1,0,0 +"1703",0,0,0,0,0,0,0,0,0,0,0,35,2640,4,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1704",0,0,130000,103000,27000,6750,6750,6750,6750,33750,44425,28,28383,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,6750,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1705",0,0,0,0,0,4500,4500,4500,4500,4500,6366,31,14712,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1706",0,0,45000,41500,3500,2000,-8000,2000,-8000,-4500,-3600,47,39432,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-8000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1707",0,0,150000,130000,20000,350,350,350,350,20350,23700,29,17340,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,350,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1708",0,0,0,0,0,0,0,0,0,0,5679,37,31911,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1709",2448,0,55000,38221,16779,2707,2707,5155,5155,21934,30505,36,35154,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,5155,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1710",0,0,55000,30000,25000,41248,40548,41248,40548,65548,66298,60,29100,2,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,40548,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1711",0,0,0,0,0,700,-9700,700,-9700,-9700,-9700,29,31476,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-9700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1712",0,0,0,0,0,0,-800,0,-800,-800,-800,33,28554,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1713",0,0,60000,0,60000,5150,4600,5150,4600,64600,64600,42,21300,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,4600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1714",0,0,0,0,0,0,-4700,0,-4700,-4700,-3700,32,33414,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1715",6000,0,65000,47000,18000,20,-9980,6020,-3980,14020,14570,36,30480,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.3669286,-3980,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1716",0,0,39000,0,39000,7500,7500,7500,7500,46500,48800,40,12576,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,7500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1717",0,0,85000,0,85000,219999,219759,219999,219759,304759,308409,61,29130,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,219759,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1718",0,0,0,0,0,3300,1850,3300,1850,1850,6075,37,14130,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1850,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1719",0,0,0,0,0,11499,9499,11499,9499,9499,9499,29,36300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,9499,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1720",0,0,58000,50000,8000,0,0,0,0,8000,8000,55,6564,5,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1721",0,0,175000,150000,25000,64450,49450,64450,49450,74450,279050,51,105396,1,16,0,1,1,0,1,0,0,0,0,0,0,1,7,4,0.5679367,49450,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1722",0,0,260000,106000,154000,305,-895,305,-895,153105,153480,43,43044,7,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-895,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1723",0,0,120000,70000,50000,0,-700,0,-700,49300,53300,53,20412,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-700,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1724",0,0,0,0,0,0,0,0,0,0,0,35,2400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1725",0,0,20000,16000,4000,800,-5400,800,-5400,-1400,-1400,55,19548,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-5400,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1726",0,0,72500,60000,12500,3338,-62,3338,-62,12438,15788,30,25437,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-62,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1727",0,0,75000,0,75000,100,-2200,100,-2200,72800,72800,35,18576,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2200,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1728",1014,0,73000,54400,18600,106,-2623,1120,-1609,16991,25491,42,39138,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,-1609,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1729",0,0,0,0,0,0,-4000,0,-4000,-4000,-4000,52,20070,2,8,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-4000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1730",0,0,0,0,0,90,-16910,90,-16910,-16910,-14710,28,9624,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-16910,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1731",100,0,87000,79000,8000,2833,-407,2933,-307,7693,9193,37,53151,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,-307,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1732",0,0,75000,70000,5000,50699,50199,50699,50199,55199,56199,38,7680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,50199,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1733",2500,0,50000,48000,2000,64500,63500,67000,66000,68000,68650,53,22434,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,66000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1734",0,0,0,0,0,500,-9000,500,-9000,-9000,3500,28,19680,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-9000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1735",0,0,0,0,0,249,-1751,249,-1751,-1751,-1001,43,22473,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1751,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1736",0,0,0,0,0,0,0,0,0,0,0,44,10200,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1737",0,0,30000,28000,2000,200,-5800,200,-5800,-3800,-1800,34,25392,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-5800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1738",0,0,169000,101000,68000,999,999,999,999,68999,75999,53,21888,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,999,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1739",0,0,44000,19700,24300,450,-1150,450,-1150,23150,23150,37,17760,4,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,-1150,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1740",0,0,0,0,0,0,-200,0,-200,-200,9396,34,14040,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1741",0,0,70000,0,70000,1550,-7450,1550,-7450,62550,63550,57,23394,1,9,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,-7450,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1742",0,0,0,0,0,1300,1300,1300,1300,1300,1300,50,16269,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1300,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1743",0,0,122000,122000,0,15000,10000,15000,10000,10000,10000,26,21306,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,10000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1744",0,0,100000,80000,20000,200,200,200,200,20200,21200,38,43209,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1745",0,0,0,0,0,0,-5000,0,-5000,-5000,4000,28,20940,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-5000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1746",0,0,90000,77000,13000,5200,-2800,5200,-2800,10200,26600,35,71310,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1747",0,0,190000,80000,110000,30048,30048,30048,30048,140048,141048,52,31803,3,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,30048,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1748",0,0,49500,34000,15500,2410,-3690,2410,-3690,11810,22385,43,37146,2,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-3690,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1749",0,0,0,0,0,350,350,350,350,350,5450,26,14280,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1750",10000,0,100000,39000,61000,1300,1300,11300,11300,72300,91300,56,49866,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,11300,1,0,0,0,0,1,0,0,0,0,0,0,1 +"1751",0,0,0,0,0,1014,-986,1014,-986,-986,-986,47,21300,6,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-986,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1752",0,0,47500,34000,13500,103,-497,103,-497,13003,13003,32,23238,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-497,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1753",0,0,42000,27000,15000,2749,-4311,2749,-4311,10689,13764,44,39114,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4311,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1754",0,0,35000,20250,14750,2729,-2571,2729,-2571,12179,13379,39,53565,3,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2571,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1755",0,0,24000,24000,0,8240,8240,8240,8240,8240,12465,54,12825,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,8240,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1756",4000,0,300000,150000,150000,2049,2049,6049,6049,156049,206049,47,32568,4,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,6049,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1757",0,0,75000,0,75000,1250,350,1250,350,75350,275350,47,34059,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,350,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1758",0,0,159000,0,159000,38010,38010,38010,38010,197010,205010,61,26664,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,38010,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1759",0,0,0,0,0,1500,1500,1500,1500,1500,4900,33,16290,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,1500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1760",0,0,0,0,0,250,250,250,250,250,3375,43,4740,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,250,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1761",0,0,0,0,0,1000,-200,1000,-200,-200,-200,43,11931,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1762",0,0,0,0,0,0,-6700,0,-6700,-6700,-2154,26,8148,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6700,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1763",0,0,80000,60000,20000,14198,14098,14198,14098,34098,99998,50,32232,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,14098,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1764",0,0,0,0,0,0,-7300,0,-7300,-7300,-6300,50,7182,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-7300,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1765",0,0,90000,64000,26000,35,-2965,35,-2965,23035,27035,48,40326,4,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-2965,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1766",6700,0,52000,7200,44800,12000,5500,18700,12200,57000,60000,53,46932,4,1,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,12200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1767",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,44,22410,3,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1768",0,0,0,0,0,0,-300,0,-300,-300,-300,37,16200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1769",0,0,45000,35000,10000,1049,-451,1049,-451,9549,11027,45,35340,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-451,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1770",0,0,175000,88000,87000,3200,2700,3200,2700,89700,105700,34,21672,5,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1771",0,0,80000,76000,4000,571,71,571,71,4071,8071,55,32460,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,71,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1772",15000,0,113000,113000,0,15499,13499,30499,28499,28499,33741,61,25992,4,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,28499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1773",100,0,90000,81000,9000,1750,-3250,1850,-3150,5850,9825,33,36549,1,17,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,-3150,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1774",0,0,0,0,0,2237,1877,2237,1877,1877,18877,40,27684,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,1877,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1775",0,0,0,0,0,0,0,0,0,0,0,60,17400,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1776",0,0,70000,38000,32000,1199,-3801,1199,-3801,28199,33224,46,124860,2,16,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.4250903,-3801,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1777",0,0,60000,36900,23100,430,-1320,430,-1320,21780,30080,27,41808,2,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-1320,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1778",0,0,0,0,0,10650,9750,10650,9750,9750,9750,59,21747,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,9750,0,0,0,1,0,0,0,0,0,0,0,0,1 +"1779",0,0,50000,0,50000,16,-1984,16,-1984,48016,55691,40,16800,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1984,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1780",0,0,0,0,0,1000,1000,1000,1000,1000,2000,43,11424,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1781",0,0,34000,16000,18000,2758,258,2758,258,18258,19258,31,40587,6,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,258,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1782",0,0,0,0,0,399,349,399,349,349,1849,38,17364,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,349,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1783",8000,0,100000,12000,88000,7499,7434,15499,15434,103434,105434,56,35772,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,15434,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1784",13000,0,90000,0,90000,13499,13499,26499,26499,116499,234424,55,37539,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,26499,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1785",0,0,0,0,0,695,-435,695,-435,-435,-435,45,10035,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-435,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1786",0,0,0,0,0,2430,2180,2430,2180,2180,11155,35,22350,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,2180,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1787",0,0,130000,130000,0,100,100,100,100,100,3450,38,25683,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1788",0,0,0,0,0,60,-1140,60,-1140,-1140,4080,33,44700,5,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.5995759,-1140,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1789",0,0,160000,85000,75000,7000,6900,7000,6900,81900,84552,45,76872,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,6900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1790",0,0,17000,11440,5560,31,31,31,31,5591,4791,29,15174,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,31,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1791",0,0,55000,23000,32000,900,-1050,900,-1050,30950,35250,61,23052,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1050,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1792",0,0,0,0,0,0,0,0,0,0,2666,55,4080,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1793",3000,0,100000,18900,81100,64100,61100,267100,264100,345200,352200,56,92790,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,64100,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1794",0,0,145000,0,145000,4498,4498,4498,4498,149498,182498,55,54729,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,4498,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1795",0,0,75000,0,75000,28498,20248,28498,20248,95248,98799,50,11451,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,20248,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1796",0,0,0,0,0,14999,14999,14999,14999,14999,16999,62,55524,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,14999,0,0,0,0,0,0,1,0,0,0,0,0,1 +"1797",0,0,0,0,0,0,0,0,0,0,500,34,8199,1,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1798",0,0,0,0,0,3125,2425,3125,2425,2425,12500,31,21939,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2425,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1799",0,0,25000,0,25000,300,-300,300,-300,24700,24700,39,7836,4,15,1,1,0,0,1,0,0,0,0,0,1,0,1,3,0.375,-300,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1800",0,0,50000,0,50000,80000,80000,80000,80000,130000,136225,45,14058,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,80000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1801",0,0,0,0,0,24500,22000,24500,22000,22000,63000,41,35061,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,22000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"1802",0,0,27000,22000,5000,600,-1640,600,-1640,3360,8835,32,35955,2,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-1640,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1803",0,0,0,0,0,0,0,0,0,0,0,57,7800,1,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"1804",0,0,0,0,0,800,800,800,800,800,110800,30,16872,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1805",0,0,0,0,0,0,0,0,0,0,0,30,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1806",0,0,0,0,0,4700,3500,4700,3500,3500,6000,35,18582,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1807",0,0,30000,0,30000,392,-108,392,-108,29892,29892,64,21138,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-108,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1808",0,0,75000,0,75000,50,50,50,50,75050,75800,45,10770,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1809",0,0,77000,66000,11000,5700,5700,5700,5700,16700,20425,47,22737,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,5700,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1810",0,0,35000,28000,7000,3600,2750,3600,2750,9750,13750,29,33630,4,1,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,2750,1,0,0,0,1,0,0,0,1,0,0,0,0 +"1811",2000,0,200000,140000,60000,500,500,2500,2500,62500,72500,40,24681,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,2500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1812",7000,0,40000,13500,26500,1030,1030,8030,8030,34530,45980,48,47637,2,13,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,8030,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1813",0,0,0,0,0,0,-88,0,-88,-88,-88,43,25500,5,4,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-88,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1814",0,0,130000,0,130000,20,20,20,20,130020,130020,58,19089,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,20,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1815",0,0,300000,75000,225000,28500,28200,28500,28200,253200,258500,52,9903,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,28200,1,1,0,0,0,0,0,0,0,0,0,1,0 +"1816",0,0,47000,47000,0,10900,10500,10900,10500,10500,14841,26,25860,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,10500,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1817",5000,0,190000,18900,171100,5300,5150,10300,10150,181250,222350,49,20340,2,14,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,10150,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1818",0,0,60000,53000,7000,0,0,0,0,7000,13200,41,6408,3,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1819",0,0,25000,18000,7000,610,-1190,610,-1190,5810,4810,34,9792,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1190,1,1,0,0,0,0,0,0,0,1,0,0,0 +"1820",0,0,115000,27000,88000,2799,2073,2799,2073,90073,90073,37,26688,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2073,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1821",0,0,0,0,0,5109,-10391,5109,-10391,-10391,-1841,30,3207,1,17,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-10391,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1822",0,0,41000,11000,30000,9,-22491,9,-22491,7509,10244,64,15393,3,10,1,1,0,0,1,0,0,0,1,0,0,0,2,1,0.3623197,-22491,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1823",50000,0,250000,110000,140000,0,-300,50000,49700,189700,390863,52,54600,4,12,0,0,0,0,1,0,0,1,0,1,0,0,6,2,0.4868788,49700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1824",15000,0,100000,0,100000,7999,7999,22999,22999,122999,242999,58,53382,4,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,22999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"1825",0,0,0,0,0,0,0,0,0,0,0,33,11475,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1826",0,0,100000,86000,14000,51500,50370,51500,50370,64370,64870,55,14538,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50370,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1827",0,0,0,0,0,600,600,600,600,600,600,34,46386,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.5995759,600,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1828",0,0,0,0,0,0,0,0,0,0,0,53,7113,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1829",4000,0,52000,34000,18000,54600,53852,58600,57852,75852,110852,38,80085,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,57852,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1830",0,0,0,0,0,0,0,0,0,0,202333,46,17091,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1831",0,0,0,0,0,1584,384,1584,384,384,9384,28,29421,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,384,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1832",0,0,0,0,0,205,25,205,25,25,3375,29,14670,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1833",0,0,35000,0,35000,0,0,0,0,35000,35000,32,36210,4,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1834",46338,0,33000,33000,0,7374,7374,53712,53712,53712,61812,62,29841,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,53712,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1835",0,0,300000,60000,240000,12000,12000,12000,12000,252000,252000,62,48600,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,12000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"1836",0,0,0,0,0,850,850,850,850,850,850,26,16116,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,850,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1837",0,0,0,0,0,0,0,0,0,0,0,56,14280,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"1838",0,0,38000,13500,24500,13499,12499,13499,12499,36999,38874,56,15636,2,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,12499,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1839",0,0,0,0,0,1115,615,1115,615,615,2865,25,23250,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,615,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1840",0,0,65000,20000,45000,4249,49,4249,49,45049,102049,38,39420,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,49,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1841",0,0,0,0,0,15000,15000,15000,15000,15000,15000,32,52200,4,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,15000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"1842",0,0,145000,126000,19000,3525,1875,3525,1875,20875,20875,29,55845,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1875,1,0,0,0,0,0,1,0,1,0,0,0,0 +"1843",0,0,2000,0,2000,0,0,0,0,2000,2000,58,9720,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1844",0,0,0,0,0,200,0,200,0,0,500,25,15810,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1845",16500,0,89000,65000,24000,3499,-3601,19999,12899,36899,49599,42,58938,3,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,12899,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1846",0,0,0,0,0,200,200,200,200,200,950,48,5214,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,200,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1847",0,0,0,0,0,730,-970,730,-970,-970,1430,28,28728,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-970,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1848",0,0,85000,62000,23000,0,-1000,2500,1500,24500,30400,32,53664,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"1849",0,0,115000,90000,25000,3441,3441,3441,3441,28441,37441,26,44205,2,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3441,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1850",0,0,0,0,0,300,-5700,300,-5700,-5700,-800,26,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-5700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1851",4300,0,42000,32000,10000,850,350,5150,4650,14650,29650,35,45420,3,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,4650,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1852",0,0,0,0,0,54,54,54,54,54,16107,29,12243,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,54,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1853",0,0,190000,25000,165000,3456,2956,3456,2956,167956,183806,51,48216,2,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,2956,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1854",0,0,0,0,0,2800,-5200,2800,-5200,-5200,16800,31,46050,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-5200,0,0,0,0,0,1,0,0,0,1,0,0,0 +"1855",0,0,60000,48000,12000,8400,-9600,8400,-9600,2400,109900,47,15141,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1856",0,0,26000,0,26000,5,-3995,5,-3995,22005,22005,36,33360,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3995,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1857",14000,0,75000,0,75000,1098,1098,15098,15098,90098,90098,50,48030,4,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,15098,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1858",0,0,74500,65000,9500,1164,-5186,1164,-5186,4314,12814,49,47748,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-5186,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1859",0,0,0,0,0,0,0,0,0,0,0,45,9960,4,12,0,1,1,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1860",0,0,0,0,0,35000,35000,35000,35000,35000,43225,48,41250,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5231876,35000,0,0,0,0,0,1,0,0,0,0,0,1,0 +"1861",0,0,0,0,0,300,100,300,100,100,6942,37,15018,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1862",5000,0,275000,75000,200000,26050,24550,31050,29550,229550,235200,41,45012,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,29550,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1863",0,0,125000,107000,18000,3300,3300,3300,3300,21300,26800,36,73578,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,3300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1864",0,0,0,0,0,0,-425,0,-425,-425,-425,32,27888,6,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-425,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1865",0,0,105000,83000,22000,20,-6980,20,-6980,15020,25020,41,31356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-6980,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1866",700,0,100000,86000,14000,3000,2100,3700,2800,16800,16800,34,29106,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,2800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1867",0,0,25000,25000,0,40,-9360,40,-9360,-9360,-9360,44,24057,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-9360,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1868",0,0,30000,20000,10000,15,-93,15,-93,9907,10157,38,39837,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-93,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1869",0,0,0,0,0,2400,-300,2400,-300,-300,-300,28,10698,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1870",4875,0,300000,150000,150000,184599,179599,189474,184474,334474,335674,34,83274,5,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,184474,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1871",0,0,0,0,0,0,-3400,0,-3400,-3400,-3400,54,6711,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-3400,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1872",1037,0,225000,150000,75000,8763,3663,9800,4700,79700,87828,36,56118,1,16,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,4700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1873",0,0,65000,22000,43000,3799,2399,3799,2399,45399,51905,50,22200,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,2399,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1874",0,0,0,0,0,800,-200,800,-200,-200,8300,26,31488,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1875",0,0,175000,0,175000,20699,19199,20699,19199,194199,200874,54,20325,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,19199,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1876",0,0,40000,30000,10000,800,172,800,172,10172,24172,32,23508,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,172,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1877",0,0,0,0,0,5000,5000,5000,5000,5000,8857,50,34470,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,5000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"1878",0,0,50000,0,50000,0,0,0,0,50000,50000,64,19080,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1879",0,0,225000,150000,75000,0,0,0,0,75000,79000,41,21096,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1880",0,0,0,0,0,3000,1000,3000,1000,1000,4350,40,16218,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1881",0,0,0,0,0,0,0,0,0,0,0,45,9096,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1882",0,0,49000,49000,0,95,95,95,95,95,95,52,48450,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,95,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1883",0,0,0,0,0,6,6,6,6,6,1506,49,5610,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,6,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1884",0,0,0,0,0,0,0,0,0,0,0,37,10524,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1885",0,0,28000,0,28000,500,-2300,500,-2300,25700,32700,41,24486,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1886",6800,0,300000,70000,230000,499,-1501,12199,10199,240199,380199,53,88083,3,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,5299,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1887",0,0,0,0,0,0,0,0,0,0,1400,33,5160,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1888",0,0,60000,0,60000,0,-700,0,-700,59300,59800,44,9180,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-700,1,1,0,0,0,0,0,0,0,0,1,0,0 +"1889",0,0,0,0,0,2000,-2000,2000,-2000,-2000,-1250,25,23004,3,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1890",0,0,100000,0,100000,500,500,500,500,100500,104600,41,34950,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1891",0,0,20000,0,20000,0,-3500,0,-3500,16500,16875,46,13770,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1892",0,0,70000,15000,55000,100,100,100,100,55100,63561,46,10200,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1893",0,0,45000,15800,29200,30,-5320,30,-5320,23880,33880,37,35109,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5320,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1894",14000,0,60000,16000,44000,28000,28000,42000,42000,86000,120000,59,105783,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,42000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1895",0,0,0,0,0,300,-10100,300,-10100,-10100,-8600,35,17400,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-10100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1896",0,0,100000,11000,89000,23802,20302,23802,20302,109302,110052,64,26109,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,20302,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1897",0,0,55000,12000,43000,3869,1269,3869,1269,44269,51269,64,17256,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1269,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1898",0,0,48000,37000,11000,6798,4998,6798,4998,15998,25398,30,44502,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4998,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1899",0,0,0,0,0,9499,3499,9499,3499,3499,3499,37,66960,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,3499,0,0,0,0,0,0,1,0,0,0,1,0,0 +"1900",0,0,125000,61338,63662,13199,7699,13199,7699,71361,73236,44,23190,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,7699,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1901",0,0,0,0,0,7798,7798,7798,7798,7798,7798,45,25254,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,7798,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1902",0,0,100000,45000,55000,4200,-5800,4200,-5800,49200,49200,38,44400,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-5800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1903",0,0,30000,5500,24500,0,0,0,0,24500,25000,50,10650,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1904",47500,0,0,0,0,12900,12800,60400,60300,60300,60300,38,110181,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.4696543,60300,0,0,0,0,0,0,0,1,0,0,1,0,0 +"1905",0,0,0,0,0,26500,23800,26500,23800,23800,25675,30,91500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.3201262,23800,0,0,0,0,0,0,0,1,0,1,0,0,0 +"1906",0,0,70000,40000,30000,100,-8950,100,-8950,21050,28550,35,43080,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-8950,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1907",4000,0,0,0,0,7000,7000,11000,11000,11000,44979,27,21030,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,11000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1908",0,0,32000,20000,12000,200,200,200,200,12200,13200,32,12192,4,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,200,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1909",5091,0,70000,57000,13000,102,-2773,5193,2318,15318,25318,40,52647,3,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,2318,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1910",0,0,0,0,0,340,340,340,340,340,1340,32,20811,3,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,340,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1911",40000,0,78000,0,78000,24500,23400,64500,63400,141400,147150,53,32856,1,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,63400,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1912",0,0,0,0,0,100,-6900,100,-6900,-6900,-1475,25,8250,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6900,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1913",4200,0,76000,72900,3100,1500,-2300,5700,1900,5000,14500,39,48027,1,17,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1914",0,0,150000,115000,35000,8999,8199,8999,8199,43199,45299,33,24612,5,6,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,8199,1,0,0,1,0,0,0,0,0,1,0,0,0 +"1915",0,0,62000,62000,0,200,200,200,200,200,1200,63,14754,5,1,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1916",0,0,0,0,0,0,0,0,0,0,0,27,4725,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1917",0,0,0,0,0,5,5,5,5,5,1505,45,13911,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,5,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1918",0,0,62000,0,62000,14999,-10001,14999,-10001,51999,54499,48,32880,2,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-10001,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1919",0,0,1000,899,101,0,-9550,0,-9550,-9449,-7616,42,12600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-9550,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1920",0,0,0,0,0,160,-19840,160,-19840,-19840,-19840,31,25002,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-19840,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1921",0,0,6000,2300,3700,382,-243,382,-243,3457,3457,63,6753,2,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-243,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1922",19000,0,80000,66000,14000,1600,1600,20600,20600,34600,34600,45,42618,5,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,20600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1923",0,0,165000,0,165000,2000,500,2000,500,165500,172243,57,17880,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"1924",0,0,78000,65000,13000,2084,-53916,2084,-53916,-40916,-35916,46,79392,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-53916,1,0,0,0,0,0,0,1,0,0,0,1,0 +"1925",0,0,30000,1300,28700,150,150,150,150,28850,29600,34,14982,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,150,1,0,1,0,0,0,0,0,0,1,0,0,0 +"1926",0,0,0,0,0,200,-11745,200,-11745,-11745,-11745,28,39642,3,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-11745,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1927",0,0,0,0,0,5000,-10200,5000,-10200,-10200,-4200,25,61830,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10200,0,0,0,0,0,0,1,0,1,0,0,0,0 +"1928",0,0,60000,0,60000,20,20,20,20,60020,60520,57,6885,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,20,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1929",0,0,25000,0,25000,3850,-299750,3850,-299750,-274750,-248950,42,53514,4,10,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-299750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1930",0,0,0,0,0,7500,-23500,7500,-23500,-23500,-16447,30,30000,1,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-23500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"1931",0,0,120000,0,120000,8600,8513,8600,8513,128513,188513,33,79500,4,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,8513,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1932",7536,0,160000,40000,120000,4898,4898,12434,12434,132434,132434,61,103449,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,12434,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1933",0,0,55000,24000,31000,600,-4400,600,-4400,26600,40600,45,46071,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1934",0,0,110000,95000,15000,2000,900,2000,900,15900,24900,51,36060,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"1935",30000,0,53000,0,53000,899,899,30899,30899,83899,94899,60,35550,2,11,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,30899,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1936",63000,0,80000,0,80000,1599,1599,64599,64599,144599,439599,64,23136,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,64599,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1937",17000,0,120000,65000,55000,100,-700,17100,16300,71300,74800,25,40806,1,16,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,16300,1,0,0,0,0,1,0,0,1,0,0,0,0 +"1938",0,0,0,0,0,3800,3800,3800,3800,3800,3800,33,10215,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1939",0,0,75000,30800,44200,13300,5200,13300,5200,49400,51400,44,45573,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,5200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1940",0,0,15000,0,15000,100,-5400,100,-5400,9600,11600,55,23166,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-5400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1941",0,0,40000,0,40000,100,-175,100,-175,39825,48425,64,21792,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-175,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1942",0,0,0,0,0,0,0,0,0,0,0,46,20199,1,8,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1943",0,0,55000,13000,42000,2503,-12797,2503,-12797,29203,36203,41,35520,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-12797,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1944",0,0,0,0,0,6050,-3100,6050,-3100,-3100,1750,41,22572,3,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1945",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,30,14625,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1946",0,0,59000,0,59000,1749,1749,1749,1749,60749,63749,27,10941,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1749,1,0,1,0,0,0,0,0,1,0,0,0,0 +"1947",0,0,0,0,0,625,310,625,310,310,2655,26,19074,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,310,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1948",0,0,0,0,0,0,0,0,0,0,500,43,7140,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1949",0,0,0,0,0,0,-10500,0,-10500,-10500,-6500,36,27600,4,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-10500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"1950",0,0,0,0,0,0,-500,0,-500,-500,1207,52,21600,1,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-500,0,0,0,1,0,0,0,0,0,0,0,1,0 +"1951",0,0,0,0,0,250,250,250,250,250,1250,29,35100,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,250,0,0,0,0,1,0,0,0,1,0,0,0,0 +"1952",0,0,85000,70000,15000,10699,3699,10699,3699,18699,27199,48,70590,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,3699,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1953",0,0,50000,0,50000,999,-501,999,-501,49499,54741,30,7336,1,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.062312,-501,1,1,0,0,0,0,0,0,0,1,0,0,0 +"1954",0,0,250000,93240,156760,6000,-250,6000,-250,156510,156510,34,100029,5,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-250,1,0,0,0,0,0,0,1,0,1,0,0,0 +"1955",100000,0,75000,17500,57500,58206,58206,158206,158206,215706,260706,53,40827,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,158206,1,0,0,0,0,1,0,0,0,0,0,1,0 +"1956",20000,0,100000,0,100000,157150,157150,197150,197150,297150,297150,41,74592,3,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,177150,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1957",23000,0,155000,100000,55000,86000,86000,109000,109000,164000,169242,54,58653,3,15,1,0,0,0,1,0,0,1,0,0,1,0,6,3,0.7856908,109000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"1958",0,0,0,0,0,0,-1600,0,-1600,-1600,-1600,36,8004,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-1600,0,1,0,0,0,0,0,0,0,0,1,0,0 +"1959",3000,0,0,0,0,0,0,3000,3000,3000,3000,44,15300,2,9,0,1,0,0,1,0,0,1,1,0,0,0,2,1,0.118155,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1960",0,0,163000,119500,43500,1000,-46500,1000,-46500,-3000,800,46,19704,3,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-46500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"1961",0,0,0,0,0,0,0,0,0,0,0,35,26700,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1962",0,0,78000,30000,48000,25000,24500,25000,24500,72500,72500,44,52065,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,24500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1963",0,0,0,0,0,4999,-16586,4999,-16586,-16586,-13786,52,7440,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-16586,0,1,0,0,0,0,0,0,0,0,0,1,0 +"1964",0,0,36000,32000,4000,16849,12079,16849,12079,16079,24879,44,21411,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,12079,1,0,0,1,0,0,0,0,0,0,1,0,0 +"1965",0,0,0,0,0,0,0,0,0,0,0,29,21600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1966",0,0,0,0,0,0,0,0,0,0,3350,27,9000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1967",0,0,0,0,0,229,-6586,229,-6586,-6586,-6586,48,18537,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-6586,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1968",0,0,60000,36000,24000,0,-2797,0,-2797,21203,21203,39,13512,3,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-2797,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1969",0,0,230000,110000,120000,12000,12000,12000,12000,132000,132000,55,34542,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1970",0,0,0,0,0,0,0,0,0,0,8461,36,15600,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"1971",0,0,0,0,0,100,100,100,100,100,7300,29,21675,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"1972",15000,0,135000,60000,75000,10049,10049,25049,25049,100049,107214,37,32442,1,16,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,25049,1,0,0,0,1,0,0,0,0,0,1,0,0 +"1973",0,0,0,0,0,240,-510,240,-510,-510,-510,26,10221,7,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-510,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1974",0,0,0,0,0,0,0,0,0,0,0,53,12852,8,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1975",0,0,175000,0,175000,299,-4001,299,-4001,170999,172999,38,13278,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4001,1,0,1,0,0,0,0,0,0,0,1,0,0 +"1976",0,0,45000,0,45000,557,-743,557,-743,44257,46957,61,20256,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-743,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1977",0,0,80000,38900,41100,7249,3049,7249,3049,44149,204774,37,48705,3,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,3049,1,0,0,0,0,1,0,0,0,0,1,0,0 +"1978",0,0,55000,43500,11500,400,0,400,0,11500,12500,27,20460,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"1979",0,0,170000,108000,62000,4200,2000,4200,2000,64000,68000,30,46008,4,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1980",1500,0,90000,0,90000,223000,223000,224500,224500,314500,373750,44,92700,1,16,1,0,1,0,1,0,0,1,0,0,0,1,7,4,0.7355057,224500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"1981",9000,0,35000,35000,0,127000,127000,136000,136000,136000,149600,57,76230,1,18,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.7355057,136000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"1982",0,0,65000,50000,15000,0,-2000,0,-2000,13000,13000,55,34470,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1983",0,0,0,0,0,1449,-12951,1449,-12951,-12951,-12951,34,29166,2,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-12951,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1984",0,0,0,0,0,0,0,0,0,0,1000,46,18960,1,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"1985",0,0,285000,101600,183400,600,600,600,600,184000,185100,44,60480,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1986",0,0,0,0,0,1635,1635,1635,1635,1635,4805,32,25494,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,1635,0,0,0,1,0,0,0,0,0,1,0,0,0 +"1987",0,0,50000,0,50000,9500,5800,9500,5800,55800,65800,48,27276,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.3978536,5800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"1988",0,0,0,0,0,0,0,0,0,0,0,29,7650,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"1989",0,0,72000,48000,24000,1450,650,1450,650,24650,24650,61,30513,2,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,650,1,0,0,0,1,0,0,0,0,0,0,0,1 +"1990",0,0,58000,15000,43000,0,0,0,0,43000,43000,59,7824,4,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1991",0,0,0,0,0,0,0,0,0,0,0,34,4296,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"1992",0,0,90000,24000,66000,499,-1501,499,-1501,64499,68449,61,21630,3,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-1501,1,0,0,1,0,0,0,0,0,0,0,0,1 +"1993",0,0,0,0,0,1800,1800,1800,1800,1800,1800,27,15099,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"1994",0,0,65000,36000,29000,5799,-3201,5799,-3201,25799,25799,34,35868,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3201,1,0,0,0,1,0,0,0,0,1,0,0,0 +"1995",0,0,120000,96000,24000,12200,12200,12200,12200,36200,42250,34,43875,3,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,12200,1,0,0,0,0,1,0,0,0,1,0,0,0 +"1996",0,0,49000,49000,0,220,-6380,220,-6380,-6380,18620,40,50817,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6380,1,0,0,0,0,0,1,0,0,0,1,0,0 +"1997",0,0,19000,0,19000,0,-600,0,-600,18400,20550,55,7989,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-600,1,1,0,0,0,0,0,0,0,0,0,0,1 +"1998",0,0,0,0,0,152,77,152,77,77,77,35,16194,1,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,77,0,0,1,0,0,0,0,0,0,1,0,0,0 +"1999",27890,0,120000,65000,55000,7000,7000,34890,34890,89890,146890,45,65040,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,34890,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2000",0,0,0,0,0,0,0,0,0,0,0,57,10797,2,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2001",0,0,255000,93000,162000,5000,3300,5000,3300,165300,165300,35,22800,3,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,3300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2002",1000,0,85000,17000,68000,950,-8000,1950,-7000,61000,71000,45,44019,5,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,-7000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2003",0,0,0,0,0,0,0,0,0,0,0,38,8289,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2004",0,0,0,0,0,3200,3200,3200,3200,3200,6150,49,39801,1,11,0,0,0,0,1,0,0,0,1,0,0,0,4,1,0.3086649,3200,0,0,0,0,1,0,0,0,0,0,0,1,0 +"2005",0,0,0,0,0,350,100,350,100,100,100,44,12648,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2006",0,0,45000,0,45000,599,-23,599,-23,44977,46977,42,27696,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-23,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2007",0,0,72000,49000,23000,1300,1300,1300,1300,24300,29275,35,24000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2008",0,0,150000,25000,125000,42396,42196,42396,42196,167196,167196,56,64332,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,42196,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2009",28500,0,235000,150000,85000,19127,18492,47627,46992,131992,271992,37,51798,3,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,46992,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2010",0,0,0,0,0,0,-1479,0,-1479,-1479,-1479,38,19497,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1479,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2011",0,0,0,0,0,0,0,0,0,0,0,28,3150,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2012",0,0,0,0,0,0,-444,0,-444,-444,556,31,15912,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-444,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2013",0,0,0,0,0,100,-3900,100,-3900,-3900,-2900,26,19203,1,15,1,1,1,0,1,0,0,0,0,0,1,0,2,3,0.3791962,-3900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2014",0,0,300000,150000,150000,10000,10000,10000,10000,160000,160000,42,38343,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,10000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2015",0,0,0,0,0,450,-6550,450,-6550,-6550,-6050,28,7020,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-6550,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2016",0,0,0,0,0,205,-9795,205,-9795,-9795,-7045,26,24168,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9795,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2017",0,0,60000,0,60000,700,200,700,200,60200,70200,63,36252,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2018",0,0,135000,103000,32000,599,599,599,599,32599,37841,27,10836,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,599,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2019",12000,0,200000,47000,153000,15000,13500,27000,25500,178500,184250,57,49428,1,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,25500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2020",0,0,136000,108000,28000,900,-4100,900,-4100,23900,30600,26,61710,5,11,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,-4100,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2021",0,0,150000,0,150000,0,-800,0,-800,149200,149200,53,26622,3,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2022",0,0,173000,0,173000,6787,4787,6787,4787,177787,177787,49,41490,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4787,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2023",0,0,80000,62000,18000,999,999,999,999,18999,18999,26,55779,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,999,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2024",0,0,275000,119500,155500,0,0,0,0,155500,160420,51,4338,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2025",21000,0,2500,0,2500,499,-1,21499,20999,23499,23499,51,7470,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,20999,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2026",0,0,110000,42000,68000,700,-2800,700,-2800,65200,65200,43,54648,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2027",10000,0,75000,0,75000,220,220,10220,10220,85220,94995,49,18117,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,10220,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2028",0,0,42000,28000,14000,25,-1675,25,-1675,12325,22325,32,58167,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1675,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2029",0,0,35000,18000,17000,67498,59748,67498,59748,76748,76748,41,15120,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,59748,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2030",0,0,89000,0,89000,300,-2200,300,-2200,86800,88300,25,27630,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2031",0,0,0,0,0,58,-10642,58,-10642,-10642,-10642,35,8649,5,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,-10642,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2032",0,0,0,0,0,0,0,0,0,0,50000,36,21000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2033",0,0,90000,0,90000,1500,1500,1500,1500,91500,95000,49,25920,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,1500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2034",0,0,0,0,0,0,0,0,0,0,5000,25,14172,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2035",15000,0,55000,45000,10000,6200,3600,21200,18600,28600,29900,33,31440,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,18600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2036",0,0,2500,0,2500,12000,12000,12000,12000,14500,14500,62,21780,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,12000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2037",0,0,0,0,0,609,-4391,609,-4391,-4391,-4387,38,18930,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4391,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2038",1700,0,85000,38000,47000,2049,2049,3749,3749,50749,50749,60,43425,4,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,3749,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2039",0,0,0,0,0,2000,2000,2000,2000,2000,5931,64,30192,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,2000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"2040",0,0,55000,0,55000,700,-2252,700,-2252,52748,55248,42,20331,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2252,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2041",0,0,98000,98000,0,54624,54624,54624,54624,54624,55974,43,25908,3,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,54624,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2042",0,0,68000,62500,5500,0,-3100,0,-3100,2400,2400,27,24651,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2043",0,0,67000,48000,19000,300,-17700,300,-17700,1300,6550,61,38880,2,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-17700,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2044",0,0,175000,37000,138000,6000,2500,6000,2500,140500,146043,64,21111,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,2500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2045",0,0,190000,12500,177500,0,-400,0,-400,177100,196325,55,32400,4,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2046",0,0,70000,48000,22000,0,0,0,0,22000,24500,30,24000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2047",0,0,92000,41000,51000,53000,48000,53000,48000,99000,140550,53,11538,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,48000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2048",50000,0,75000,40000,35000,400,400,50400,50400,85400,85400,38,74724,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,50400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2049",29000,0,100000,74200,25800,61550,61550,90550,90550,116350,256350,39,159696,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,90550,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2050",0,0,80000,59900,20100,6700,300,6700,300,20400,82400,35,54750,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2051",9500,0,120000,93000,27000,30100,29600,39600,39100,66100,66100,33,52494,4,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,39100,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2052",50000,0,90000,22500,67500,31202,30802,81202,80802,148302,148302,43,99153,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,80802,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2053",0,0,0,0,0,0,-2000,0,-2000,-2000,-500,27,14760,5,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2054",0,0,95000,15000,80000,500,500,500,500,80500,80500,55,21552,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2055",0,0,80000,32500,47500,4000,-8800,4000,-8800,38700,44800,56,11490,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-8800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2056",5080,0,20000,18500,1500,154,-4326,5234,754,2254,2254,35,22443,5,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,754,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2057",15000,0,300000,0,300000,80999,80999,95999,95999,395999,410999,34,77334,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,95999,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2058",0,0,130000,78000,52000,2500,2500,2500,2500,54500,243500,43,22650,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2059",720,0,20000,9400,10600,742,-9108,1462,-8388,2212,2212,28,28530,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,-8388,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2060",16000,0,110000,95000,15000,8000,8000,24000,24000,39000,39000,37,48180,4,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,24000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2061",4000,0,82000,76000,6000,2000,1300,6000,5300,11300,38636,37,54621,4,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,5300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2062",0,0,0,0,0,100,-400,100,-400,-400,7600,43,5766,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2063",0,0,40000,0,40000,826,826,826,826,40826,41826,47,16956,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,826,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2064",0,0,0,0,0,1000,100,1000,100,100,100,26,24309,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2065",0,0,8000,6000,2000,400,400,400,400,2400,5750,31,19140,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,400,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2066",0,0,45000,21000,24000,77178,76678,77178,76678,100678,108103,49,37458,2,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,76678,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2067",0,0,0,0,0,30199,29599,30199,29599,29599,35300,51,28659,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,29599,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2068",0,0,0,0,0,10604,-5396,10604,-5396,-5396,-1171,27,10401,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-5396,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2069",0,0,60000,48000,12000,0,0,0,0,12000,34935,38,12750,2,4,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2070",33600,0,110000,14000,96000,300976,300976,334576,334576,430576,494576,49,110760,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,334576,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2071",0,0,65000,27000,38000,3000,-4450,3000,-4450,33550,34350,55,15150,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4450,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2072",0,0,0,0,0,192,-108,192,-108,-108,16254,52,11115,1,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-108,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2073",12732,0,60000,0,60000,37424,35754,50156,48486,108486,145359,64,34881,2,8,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,48486,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2074",0,0,85000,5000,80000,1900,330,1900,330,80330,169330,54,53475,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,330,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2075",0,0,45000,45000,0,500,500,500,500,500,2000,35,8700,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,500,1,1,0,0,0,0,0,0,0,1,0,0,0 +"2076",0,0,30000,19000,11000,50,-550,50,-550,10450,12950,30,15822,4,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-550,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2077",0,0,5000,0,5000,1490,1490,1490,1490,6490,6490,38,12816,4,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1490,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2078",7000,0,102000,102000,0,1249,-751,8249,6249,6249,6249,34,45045,4,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,6249,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2079",0,0,0,0,0,12,-9988,12,-9988,-9988,-9988,40,22689,8,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9988,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2080",0,0,20000,0,20000,760,-740,760,-740,19260,19260,63,21630,2,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-740,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2081",0,0,52000,8950,43050,0,-2025,0,-2025,41025,42191,62,9894,3,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-2025,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2082",0,0,0,0,0,28400,27500,28400,27500,27500,49500,44,44205,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,27500,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2083",10800,0,200000,62000,138000,4525,4525,15325,15325,153325,153325,46,87150,2,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,15325,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2084",0,0,0,0,0,8600,6300,8600,6300,6300,9250,26,35820,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,6300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2085",7524,0,75000,10000,65000,2106,1606,9630,9130,74130,78130,39,16692,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,9130,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2086",0,0,0,0,0,0,0,0,0,0,0,31,11451,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2087",0,0,43000,30000,13000,750,750,750,750,13750,18075,28,24690,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,750,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2088",0,0,0,0,0,0,0,0,0,0,3000,35,9102,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2089",12900,0,80000,73000,7000,3100,1800,16000,14700,21700,31700,46,35709,2,17,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,14700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2090",0,0,33750,33750,0,25,-9764,25,-9764,-9764,-2764,43,11454,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9764,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2091",800,0,0,0,0,1799,599,2599,1399,1399,4649,32,24108,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,1399,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2092",0,0,30000,13300,16700,3135,2905,3135,2905,19605,19605,51,19956,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2905,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2093",0,0,60000,40000,20000,4300,1600,4300,1600,21600,23100,32,12885,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2094",0,0,68000,63000,5000,225,75,225,75,5075,5075,34,33105,5,11,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,75,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2095",0,0,0,0,0,200,-400,200,-400,-400,-400,28,921,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2096",56000,0,230000,7500,222500,56000,55700,112000,111700,334200,334200,50,70902,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,111700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2097",10000,0,72000,56000,16000,7000,7000,17000,17000,33000,38000,39,42009,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,17000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2098",0,0,0,0,0,2100,300,2100,300,300,2300,26,16095,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2099",4000,0,0,0,0,0,-600,4000,3400,3400,3400,41,26148,3,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,3400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2100",0,0,80000,0,80000,25,-6875,25,-6875,73125,83625,44,27411,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-6875,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2101",0,0,37000,37000,0,510,-2040,510,-2040,-2040,1160,46,14424,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2040,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2102",0,0,85000,0,85000,120500,120500,120500,120500,205500,205500,59,84159,2,14,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,120500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2103",0,0,70000,30000,40000,21000,21000,21000,21000,61000,61000,43,37776,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,21000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2104",3188,0,0,0,0,44300,44300,47488,47488,47488,49638,48,26916,1,16,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.5117899,47488,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2105",0,0,168000,90000,78000,1000,-2000,1000,-2000,76000,84000,39,62130,5,18,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2106",2200,0,55000,30000,25000,3754,3224,5954,5424,30424,30424,46,38997,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5424,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2107",10000,0,0,0,0,18999,18499,28999,28499,28499,28499,43,52260,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.3533661,28499,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2108",0,0,0,0,0,2450,2150,2450,2150,2150,2150,28,14877,2,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,2150,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2109",0,0,8000,4000,4000,250,-600,250,-600,3400,3400,32,11475,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2110",0,0,0,0,0,0,0,0,0,0,800,27,11454,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2111",0,0,0,0,0,0,0,0,0,0,500,30,5214,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2112",21000,0,90000,53000,37000,7000,6400,28000,27400,64400,142400,50,60300,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,27400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2113",0,0,0,0,0,300,-2700,300,-2700,-2700,-2700,52,25020,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-2700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2114",0,0,90000,57000,33000,599,-18051,599,-18051,14949,23449,36,10212,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-18051,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2115",27000,0,175000,15000,160000,30996,30996,57996,57996,217996,218896,46,81162,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,57996,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2116",0,0,58000,15500,42500,50,-800,50,-800,41700,41700,55,12780,3,8,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2117",50000,0,50000,0,50000,4999,4719,54999,54719,104719,219244,61,27654,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,54719,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2118",0,0,10000,400,9600,2250,1450,2250,1450,11050,11050,40,40620,4,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,1450,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2119",0,0,67000,43000,24000,544,-9456,544,-9456,14544,17894,41,24012,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-9456,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2120",0,0,0,0,0,15,15,15,15,15,9584,34,17136,3,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,15,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2121",0,0,0,0,0,600,-5400,600,-5400,-5400,-3900,43,19563,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-5400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2122",0,0,40000,40000,0,100,-20,100,-20,-20,680,56,18402,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-20,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2123",0,0,0,0,0,1200,1200,1200,1200,1200,1200,27,30162,5,8,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.2951996,1200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2124",0,0,110000,63500,46500,500,500,500,500,47000,47000,40,35670,8,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2125",0,0,53000,43400,9600,900,-12500,900,-12500,-2900,1100,27,39408,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-12500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2126",0,0,0,0,0,57,57,57,57,57,1057,33,19767,3,13,0,1,1,1,1,0,0,0,0,0,1,0,2,3,0.1283302,57,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2127",6250,0,95000,51000,44000,500,-13100,6750,-6850,37150,47150,45,22506,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,-6850,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2128",0,0,58000,45000,13000,1350,-3050,1350,-3050,9950,10450,42,29076,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2129",0,0,0,0,0,0,-1600,0,-1600,-1600,1750,38,12312,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1600,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2130",0,0,75000,33000,42000,18000,18000,18000,18000,60000,60000,41,44760,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,18000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2131",0,0,0,0,0,650,-4631,650,-4631,-4631,-4631,33,31536,6,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-4631,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2132",0,0,0,0,0,1299,-315701,1299,-315701,-315701,-299701,35,89118,3,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.4572618,-315701,0,0,0,0,0,0,0,1,0,1,0,0,0 +"2133",14000,0,60000,17500,42500,10100,10100,24100,24100,66600,128600,61,28500,2,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,24100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2134",0,0,139000,0,139000,2001,2001,2001,2001,141001,161001,54,32520,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2001,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2135",0,0,0,0,0,2000,2000,2000,2000,2000,2000,34,16395,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,2000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2136",0,0,60000,0,60000,0,-3000,0,-3000,57000,57000,50,19920,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2137",0,0,0,0,0,100,-4900,100,-4900,-4900,-4150,38,18927,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4900,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2138",0,0,0,0,0,800,-5590,800,-5590,-5590,-4590,42,23004,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5590,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2139",0,0,0,0,0,600,-400,600,-400,-400,-200,42,24408,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2140",6000,0,70000,35000,35000,6000,6000,12000,12000,47000,51175,35,51360,1,16,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,12000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2141",0,0,0,0,0,0,0,0,0,0,0,58,20016,2,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2142",0,0,0,0,0,0,0,0,0,0,0,40,12240,4,4,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2143",0,0,80000,5000,75000,100,-2400,100,-2400,72600,77175,54,18255,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2400,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2144",5000,0,180000,35000,145000,16500,16300,21500,21300,166300,170975,45,33822,3,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,21300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2145",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,29,10350,6,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2146",0,0,0,0,0,800,300,800,300,300,300,38,10245,3,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2147",0,0,0,0,0,0,-200,0,-200,-200,-200,49,8535,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-200,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2148",0,0,2000,0,2000,0,0,0,0,2000,2053,46,28800,2,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2149",0,0,0,0,0,500,-500,500,-500,-500,5175,29,89280,1,13,1,0,1,0,1,0,0,0,0,0,1,0,7,3,0.4394569,-500,0,0,0,0,0,0,0,1,1,0,0,0,0 +"2150",24000,0,70000,0,70000,35000,35000,59000,59000,129000,138550,50,22824,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,59000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2151",0,0,15000,0,15000,3450,-3850,3450,-3850,11150,67200,60,8850,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-3850,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2152",0,0,0,0,0,50,-1450,50,-1450,-1450,2075,31,22572,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1450,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2153",0,0,0,0,0,10107,4107,10107,4107,4107,80849,48,28017,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,4107,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2154",0,0,50000,33000,17000,849,-3351,849,-3351,13649,14399,32,24045,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,-3351,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2155",0,0,20000,0,20000,5000,5000,5000,5000,25000,25000,34,37533,2,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,5000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2156",0,0,60000,0,60000,15299,15299,15299,15299,75299,92949,50,14391,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,15299,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2157",3528,0,150000,22400,127600,520,-880,4048,2648,130248,130248,41,28551,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2648,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2158",0,0,0,0,0,20,20,20,20,20,20,36,8976,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,20,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2159",20000,0,300000,0,300000,60200,59700,80200,79700,379700,479700,57,43350,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,79700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2160",0,0,0,0,0,0,0,0,0,0,0,32,18750,3,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2161",0,0,0,0,0,15199,14699,15199,14699,14699,20399,25,26400,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,14699,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2162",0,0,20000,0,20000,254,-1346,254,-1346,18654,21229,55,29634,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-1346,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2163",0,0,160000,0,160000,27000,23000,27000,23000,183000,189000,57,16500,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,23000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2164",0,0,0,0,0,25,-2069,25,-2069,-2069,-2069,26,5919,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2069,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2165",61000,0,200000,150000,50000,68350,67350,129350,128350,178350,178350,45,95184,5,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,128350,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2166",0,0,0,0,0,400,-600,400,-600,-600,8953,51,13479,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2167",0,0,65000,55000,10000,250,-550,250,-550,9450,9450,43,14292,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-550,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2168",0,0,0,0,0,16,-784,16,-784,-784,3216,41,22800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-784,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2169",0,0,37000,16000,21000,2499,-1501,2499,-1501,19499,19499,57,27927,4,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1501,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2170",0,0,0,0,0,0,-400,0,-400,-400,-400,56,19434,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-400,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2171",0,0,0,0,0,0,-1000,0,-1000,-1000,0,27,15300,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2172",0,0,0,0,0,603,-6397,603,-6397,-6397,33703,43,11103,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-6397,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2173",0,0,83000,27000,56000,8349,1549,8349,1549,57549,57549,54,36996,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1549,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2174",0,0,0,0,0,0,0,0,0,0,0,51,16500,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2175",0,0,0,0,0,7199,7199,7199,7199,7199,14675,28,41232,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,7199,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2176",7350,0,300000,32500,267500,10048,10048,17398,17398,284898,595898,46,12927,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,17398,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2177",0,0,0,0,0,200,-2000,200,-2000,-2000,-2000,62,17340,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2178",0,0,58000,38000,20000,0,0,0,0,20000,20000,64,4779,6,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2179",0,0,0,0,0,100,-1800,100,-1800,-1800,-1425,25,27726,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-1800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2180",0,0,0,0,0,0,-17500,0,-17500,-17500,193500,48,72810,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-17500,0,0,0,0,0,0,1,0,0,0,0,1,0 +"2181",0,0,145000,35000,110000,4199,4199,4199,4199,114199,114199,38,42906,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,4199,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2182",0,0,150000,34000,116000,17499,13499,17499,13499,129499,129499,48,65370,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,13499,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2183",0,0,0,0,0,5200,3200,5200,3200,3200,6200,42,116262,4,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,3200,0,0,0,0,0,0,0,1,0,0,1,0,0 +"2184",0,0,0,0,0,0,0,0,0,0,6350,59,9705,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2185",0,0,42000,0,42000,0,0,0,0,42000,50000,54,27732,2,11,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2186",0,0,0,0,0,2900,2700,2900,2700,2700,6125,31,16527,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2700,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2187",0,0,40000,0,40000,21299,21299,21299,21299,61299,62499,49,56646,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,21299,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2188",48000,0,150000,3000,147000,52000,52000,100000,100000,247000,376000,59,100941,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,100000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2189",0,0,90000,12000,78000,22950,17900,22950,17900,95900,99900,58,58959,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,17900,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2190",0,0,0,0,0,400,-7000,400,-7000,-7000,675,43,21792,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-7000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2191",0,0,48000,0,48000,17,17,17,17,48017,54017,48,16665,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,17,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2192",0,0,0,0,0,250,-100,250,-100,-100,993,25,14895,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2193",2000,0,150000,2700,147300,7499,6999,9499,8999,156299,159649,58,13404,1,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,8999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2194",0,0,0,0,0,200,200,200,200,200,950,41,10200,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2195",0,0,45000,0,45000,300,300,300,300,45300,45300,34,13818,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2196",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,34,16686,4,10,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2197",0,0,0,0,0,17299,17299,17299,17299,17299,21230,57,43968,2,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,17299,0,0,0,0,0,1,0,0,0,0,0,0,1 +"2198",0,0,60000,27000,33000,4200,4200,4200,4200,37200,37200,57,27366,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2199",0,0,0,0,0,900,-1000,900,-1000,-1000,-1000,34,16320,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2200",0,0,0,0,0,1499,1499,1499,1499,1499,1499,49,41658,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,1499,0,0,0,0,0,1,0,0,0,0,0,1,0 +"2201",0,0,0,0,0,1299,1299,1299,1299,1299,1799,55,4359,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,1299,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2202",0,0,0,0,0,275,-5872,275,-5872,-5872,-5872,29,28005,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5872,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2203",0,0,50000,45000,5000,2500,2500,2500,2500,7500,7500,37,30540,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,2500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2204",0,0,30000,0,30000,0,0,0,0,30000,30000,64,13122,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2205",52000,0,65000,0,65000,162300,162300,214300,214300,279300,314300,43,84900,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,214300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2206",0,0,0,0,0,67000,67000,67000,67000,67000,67000,52,27780,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,67000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2207",0,0,0,0,0,4100,3550,4100,3550,3550,9650,28,21267,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3550,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2208",0,0,45000,45000,0,100,100,100,100,100,2700,54,23358,4,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2209",0,0,70000,38000,32000,700,400,700,400,32400,35075,41,25272,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2210",0,0,0,0,0,2300,2280,2300,2280,2280,2280,30,23268,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,2280,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2211",0,0,0,0,0,1000,-3000,1000,-3000,-3000,28725,25,33750,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2212",0,0,175000,150000,25000,4200,4200,92800,92800,117800,146853,52,100596,2,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,4200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2213",0,0,60000,35000,25000,300,-900,300,-900,24100,26766,28,39618,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-900,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2214",0,0,58000,32000,26000,8420,8420,8420,8420,34420,47020,42,66111,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,8420,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2215",22000,0,175000,32000,143000,8500,5700,36500,33700,176700,206700,47,38946,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,27700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2216",0,0,0,0,0,99,99,99,99,99,99,42,15306,1,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,99,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2217",0,0,27000,27000,0,1140,1140,1140,1140,1140,7140,36,34488,5,11,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,1140,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2218",0,0,0,0,0,0,-29050,0,-29050,-29050,-28550,48,16560,2,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-29050,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2219",12000,0,0,0,0,3500,-16537,15500,-4537,-4537,231463,41,95706,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.4696543,-4537,0,0,0,0,0,0,0,1,0,0,1,0,0 +"2220",2700,0,45000,0,45000,12100,12100,14800,14800,59800,61800,53,37482,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,14800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2221",0,0,65000,47500,17500,3360,360,3360,360,17860,17860,26,30720,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,360,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2222",0,0,48000,0,48000,3999,3999,3999,3999,51999,56505,59,15450,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,3999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2223",23668,0,215000,150000,65000,56298,56298,79966,79966,144966,144966,47,20910,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,79966,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2224",0,0,0,0,0,0,-400,0,-400,-400,600,36,6411,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2225",0,0,65000,62500,2500,4,-1596,4,-1596,904,904,27,6780,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-1596,1,1,0,0,0,0,0,0,1,0,0,0,0 +"2226",0,0,60000,0,60000,14549,13497,14549,13497,73497,78072,59,13776,1,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,13497,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2227",0,0,0,0,0,0,0,0,0,0,0,38,8670,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2228",0,0,0,0,0,15,15,15,15,15,3365,46,7638,4,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,15,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2229",13000,0,0,0,0,10050,-7950,23050,5050,5050,5050,32,95961,2,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4888144,5050,0,0,0,0,0,0,0,1,0,1,0,0,0 +"2230",0,0,99900,89000,10900,499,-2501,499,-2501,8399,58749,52,11910,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2501,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2231",32000,0,175000,0,175000,2998,-42002,34998,-10002,164998,414998,64,49365,2,14,1,1,0,0,1,0,0,1,0,0,1,0,5,3,0.7196674,-10002,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2232",0,0,62000,50000,12000,1416,-5559,1416,-5559,6441,11441,29,31740,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-5559,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2233",0,0,0,0,0,10,10,10,10,10,740,34,15390,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,10,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2234",0,0,40000,31500,8500,8850,8000,8850,8000,16500,34500,28,71259,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,8000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2235",6000,0,54500,51400,3100,24999,24999,30999,30999,34099,34099,42,43500,4,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,30999,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2236",0,0,0,0,0,10,-890,10,-890,-890,3110,52,10806,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-890,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2237",0,0,250000,40000,210000,0,-900,0,-900,209100,274100,62,69960,9,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-900,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2238",0,0,210000,40000,170000,4999,4999,4999,4999,174999,174999,53,13110,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,4999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2239",0,0,6000,2120,3880,0,0,0,0,3880,5140,43,4836,5,11,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"2240",0,0,0,0,0,294,294,294,294,294,2794,47,14040,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,294,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2241",0,0,45000,0,45000,9149,8249,9149,8249,53249,54099,63,17733,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,8249,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2242",0,0,27000,0,27000,499,499,499,499,27499,30849,60,13290,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,499,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2243",0,0,75000,67500,7500,50,-450,50,-450,7050,7050,59,25785,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-450,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2244",0,0,0,0,0,1999,1999,1999,1999,1999,1999,26,20724,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1999,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2245",0,0,0,0,0,0,0,0,0,0,3350,64,7674,1,2,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2246",0,0,0,0,0,590,-2210,590,-2210,-2210,-2210,28,21300,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-2210,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2247",0,0,0,0,0,40,40,40,40,40,40,51,23460,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,40,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2248",0,0,0,0,0,75,75,75,75,75,131886,30,25500,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,75,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2249",0,0,0,0,0,3600,3600,3600,3600,3600,5175,45,29400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3600,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2250",0,0,50000,0,50000,2656,1340,2656,1340,51340,60000,41,29715,1,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,1340,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2251",0,0,18000,11772,6228,200,-7800,200,-7800,-1572,1761,28,42051,2,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-7800,1,0,0,0,0,1,0,0,1,0,0,0,0 +"2252",0,0,45000,0,45000,21200,19600,21200,19600,64600,70196,27,6096,1,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3536102,19600,1,1,0,0,0,0,0,0,1,0,0,0,0 +"2253",0,0,0,0,0,200,200,200,200,200,3943,61,18360,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2254",6500,0,130000,30000,100000,224000,224000,230500,230500,330500,358100,45,76428,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,230500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2255",0,0,0,0,0,1200,1120,1200,1120,1120,3820,44,20505,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,1120,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2256",0,0,0,0,0,0,0,0,0,0,750,43,25245,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2257",0,0,0,0,0,0,0,0,0,0,0,29,10080,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2258",0,0,50000,0,50000,29000,29000,29000,29000,79000,88400,58,20067,3,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,29000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2259",0,0,50000,0,50000,0,-300,0,-300,49700,53700,55,22188,5,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2260",0,0,0,0,0,5,-8195,5,-8195,-8195,-8195,28,27246,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-8195,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2261",2249,0,90000,28000,62000,80008,77508,82257,79757,141757,142757,55,38679,1,12,1,0,0,0,1,0,0,1,0,1,0,0,4,2,0.6174901,79757,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2262",0,0,0,0,0,8000,-2000,8000,-2000,-2000,-145,37,69120,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-2000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2263",0,0,0,0,0,0,0,0,0,0,0,46,24126,8,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2264",0,0,0,0,0,0,0,0,0,0,0,29,7290,3,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2265",0,0,0,0,0,1250,-12750,1250,-12750,-12750,-8507,32,30927,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-12750,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2266",1500,0,0,0,0,90130,89430,91630,90930,90930,99930,36,93648,2,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,90930,0,0,0,0,0,0,0,1,0,0,1,0,0 +"2267",0,0,70000,0,70000,500,-545,500,-545,69455,69455,56,32436,2,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-545,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2268",0,0,0,0,0,12000,-9300,12000,-9300,-9300,12700,27,97950,1,12,1,0,1,0,1,0,0,0,0,1,0,0,7,2,0.4394569,-9300,0,0,0,0,0,0,0,1,1,0,0,0,0 +"2269",0,0,0,0,0,9999,9999,9999,9999,9999,9999,25,5700,2,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,9999,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2270",14000,0,115000,0,115000,50000,48800,64000,62800,177800,378600,57,61500,3,13,0,1,1,0,1,0,0,1,0,0,1,0,6,3,0.5336504,62800,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2271",0,0,60000,10000,50000,2300,-2300,2300,-2300,47700,50375,50,18450,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2272",0,0,58000,0,58000,40,-1455,40,-1455,56545,56545,34,24048,7,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1455,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2273",13500,0,145000,115000,30000,14999,13799,28499,27299,57299,81799,51,75162,2,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,27299,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2274",0,0,0,0,0,540,465,540,465,465,465,37,15003,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,465,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2275",0,0,0,0,0,200,-900,200,-900,-900,5779,29,23172,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2276",0,0,0,0,0,0,0,0,0,0,0,33,12360,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2277",0,0,16000,8000,8000,0,0,0,0,8000,8000,32,12960,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2278",0,0,85000,24000,61000,41900,41710,41900,41710,102710,111685,47,22092,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,41710,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2279",0,0,45000,39600,5400,800,-600,800,-600,4800,4800,30,36066,2,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2280",0,0,0,0,0,249,-1251,249,-1251,-1251,-751,60,5472,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1251,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2281",0,0,0,0,0,850,850,850,850,850,2350,41,27045,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2282",0,0,0,0,0,6399,5899,6399,5899,5899,5899,43,34608,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,5899,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2283",10000,0,200000,53000,147000,15612,14612,25612,24612,171612,189612,60,62700,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,24612,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2284",12000,0,0,0,0,219999,219759,231999,231759,231759,231759,57,27696,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.5117899,231759,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2285",0,0,125000,0,125000,32000,32000,32000,32000,157000,159500,37,21000,2,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,32000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2286",0,0,0,0,0,30,-3370,30,-3370,-3370,-2870,63,28908,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-3370,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2287",12000,0,60000,0,60000,6600,5396,18600,17396,77396,77396,61,33090,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,17396,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2288",0,0,0,0,0,999,-251,999,-251,-251,11949,28,4869,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-251,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2289",0,0,0,0,0,0,0,0,0,0,2575,40,19125,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2290",7000,0,62000,60000,2000,500,500,7500,7500,9500,13179,48,29496,2,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,7500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2291",200,0,182000,150000,32000,150,-11850,350,-11650,20350,84850,43,56589,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-11650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2292",0,0,0,0,0,799,799,799,799,799,799,49,9228,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,799,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2293",0,0,0,0,0,15,15,15,15,15,1015,31,16029,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,15,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2294",0,0,0,0,0,0,0,0,0,0,500,40,40662,3,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2295",0,0,35000,35000,0,200,200,200,200,200,2700,37,17850,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2296",0,0,150000,45000,105000,7500,7500,7500,7500,112500,192500,47,33930,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2297",0,0,40000,30600,9400,225,225,225,225,9625,18125,38,29028,1,17,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,225,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2298",5172,0,140000,89000,51000,16550,12235,21722,17407,68407,88407,38,99330,3,18,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,17407,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2299",20000,0,100000,72000,28000,400,-1400,20400,18600,46600,62600,41,42060,4,16,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,18600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2300",0,0,0,0,0,500,500,500,500,500,1225,35,23091,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2301",0,0,3000,1000,2000,0,-130,0,-130,1870,1995,51,4137,3,6,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.062312,-130,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2302",0,0,0,0,0,1400,600,1400,600,600,6100,47,13800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2303",0,0,0,0,0,0,0,0,0,0,500,44,13005,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2304",0,0,57000,57000,0,18500,11500,18500,11500,11500,18000,26,37350,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,11500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2305",0,0,0,0,0,250,250,250,250,250,250,39,7665,3,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,250,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2306",0,0,30000,0,30000,5000,4000,5000,4000,34000,34000,63,37320,2,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,4000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2307",0,0,60000,0,60000,17800,16800,17800,16800,76800,88800,61,48582,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,16800,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2308",50000,0,71000,62000,9000,10840,10840,60840,60840,69840,75840,39,27546,1,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,60840,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2309",0,0,0,0,0,12,-3288,12,-3288,-3288,-3288,26,1275,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3288,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2310",0,0,10000,0,10000,0,0,0,0,10000,19500,42,18000,1,1,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2311",10000,0,120000,73000,47000,3621,2821,13621,12821,59821,59821,42,56550,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,12821,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2312",0,0,130000,126000,4000,23500,21800,23500,21800,25800,25800,44,98880,2,15,0,1,1,1,1,0,0,0,0,0,1,0,7,3,0.5679367,21800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2313",7500,0,65000,22050,42950,500,-69500,8000,-62000,-19050,-19050,58,16800,2,6,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.1464927,-62000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2314",0,0,0,0,0,1500,-11000,1500,-11000,-11000,-2321,44,48135,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-11000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2315",0,0,0,0,0,104,-96,104,-96,-96,-96,34,20880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-96,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2316",0,0,0,0,0,0,0,0,0,0,0,27,11631,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2317",0,0,12000,9600,2400,0,0,0,0,2400,2400,25,3600,5,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"2318",0,0,40000,37000,3000,100,-2100,100,-2100,900,8980,38,31896,5,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-2100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2319",10000,0,0,0,0,2500,-500,12500,9500,9500,9500,41,30000,3,12,1,0,0,0,1,0,0,1,0,1,0,0,4,2,0.6739899,9500,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2320",0,0,47712,47712,0,0,-80,0,-80,-80,-80,31,12036,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-80,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2321",0,0,73000,65500,7500,5545,-355,5545,-355,7145,8845,41,70671,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-355,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2322",0,0,10000,8998,1002,1400,16,1400,16,1018,1018,37,35739,2,17,1,1,1,1,1,0,0,0,0,0,0,1,4,4,0.5297047,16,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2323",9900,0,85000,56000,29000,8100,2292,18000,12192,41192,41192,27,31830,3,15,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,12192,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2324",0,0,0,0,0,800,-3200,800,-3200,-3200,-3200,38,32805,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-3200,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2325",14942,0,65000,0,65000,14396,14396,29338,29338,94338,95338,47,51654,4,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,29338,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2326",0,0,55000,20000,35000,19000,19000,19000,19000,54000,54000,63,18549,2,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,19000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2327",0,0,4000,2000,2000,100,100,100,100,2100,3750,25,14790,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2328",0,0,0,0,0,2000,2000,2000,2000,2000,3666,38,20478,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2329",28600,0,100000,35000,65000,117300,117120,145900,145720,210720,213220,63,41790,2,13,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,145720,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2330",0,0,0,0,0,85,85,85,85,85,585,31,8088,1,17,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,85,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2331",0,0,0,0,0,0,0,0,0,0,8000,29,29355,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2332",0,0,130900,97500,33400,3350,0,3350,0,33400,42300,32,66897,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,0,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2333",0,0,0,0,0,6199,-801,6199,-801,-801,999,32,34938,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-801,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2334",0,0,0,0,0,9,-1031,9,-1031,-1031,-1031,29,25668,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1031,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2335",0,0,135000,108000,27000,42000,41900,42000,41900,68900,68900,47,123690,2,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,41900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2336",0,0,0,0,0,24999,24999,24999,24999,24999,24999,46,43896,3,17,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.5995759,24999,0,0,0,0,0,1,0,0,0,0,0,1,0 +"2337",0,0,58000,48000,10000,199,-2961,199,-2961,7039,7039,32,40104,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2961,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2338",0,0,65000,64000,1000,300,300,300,300,1300,9300,36,57624,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2339",0,0,30000,0,30000,12000,12000,12000,12000,42000,45500,30,22074,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,12000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2340",7000,0,90000,0,90000,19300,18618,26300,25618,115618,219583,59,40854,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,25618,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2341",0,0,0,0,0,0,0,0,0,0,2000,32,14664,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2342",0,0,0,0,0,50,-2450,50,-2450,-2450,550,31,47676,3,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-2450,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2343",0,0,63000,54000,9000,3400,1780,3400,1780,10780,35780,36,47733,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1780,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2344",0,0,0,0,0,400,-7900,400,-7900,-7900,100,63,20724,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-7900,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2345",0,0,0,0,0,150,-500,150,-500,-500,0,40,6774,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-500,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2346",0,0,0,0,0,4999,4999,4999,4999,4999,4999,32,4890,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,4999,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2347",0,0,0,0,0,1800,-100,1800,-100,-100,650,33,42183,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,-100,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2348",0,0,100000,69000,31000,500,-2400,500,-2400,28600,28600,38,22776,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2349",0,0,0,0,0,2499,2499,2499,2499,2499,4499,59,16650,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2499,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2350",0,0,75000,0,75000,0,-3000,0,-3000,72000,73000,46,11592,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2351",6600,0,0,0,0,3899,3899,10499,10499,10499,16499,35,15144,4,15,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.118155,10499,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2352",0,0,0,0,0,2500,550,2500,550,550,2816,28,45045,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,550,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2353",0,0,170000,49000,121000,15100,11700,15100,11700,132700,132700,41,52089,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,11700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2354",57,0,85000,78000,7000,2650,1850,2707,1907,8907,8907,31,58980,4,1,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,1907,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2355",0,0,136000,86000,50000,1960,-1240,1960,-1240,48760,65560,40,61398,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-1240,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2356",0,0,0,0,0,0,-1067,0,-1067,-1067,-1067,59,6684,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-1067,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2357",0,0,114000,91000,23000,831,-369,831,-369,22631,22831,49,25704,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-369,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2358",0,0,80000,65000,15000,4849,3749,4849,3749,18749,18749,51,45102,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,3749,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2359",0,0,175000,0,175000,0,-5000,0,-5000,170000,170000,56,41466,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2360",0,0,0,0,0,330,-376,330,-376,-376,-376,38,13080,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-376,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2361",0,0,70000,68000,2000,17,-6983,17,-6983,-4983,-3983,37,15882,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-6983,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2362",0,0,114000,0,114000,1000,-409000,1000,-409000,-295000,-279000,40,115584,2,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-409000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2363",0,0,1000,0,1000,250,250,250,250,1250,1750,30,16500,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,250,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2364",0,0,70000,63200,6800,9998,9998,9998,9998,16798,16798,33,40470,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,9998,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2365",0,0,0,0,0,700,700,700,700,700,8300,29,25614,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2366",0,0,0,0,0,0,0,0,0,0,700,41,20928,1,10,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2367",0,0,0,0,0,1130,1130,1130,1130,1130,3630,26,26409,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1130,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2368",3500,0,75000,25000,50000,1191,-809,4691,2691,52691,52691,36,36045,4,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,2691,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2369",0,0,0,0,0,0,0,0,0,0,0,48,9600,2,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2370",0,0,0,0,0,1999,1999,1999,1999,1999,1999,30,28356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1999,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2371",0,0,0,0,0,10000,9400,10000,9400,9400,9400,31,32202,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,9400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2372",0,0,0,0,0,100,-5100,100,-5100,-5100,-2718,35,38244,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-5100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2373",1500,0,20000,0,20000,632,632,2132,2132,22132,24632,64,12171,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,2132,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2374",0,0,0,0,0,0,0,0,0,0,0,37,15720,4,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2375",0,0,50000,22500,27500,21,-929,21,-929,26571,30621,40,30936,4,13,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-929,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2376",0,0,0,0,0,1443,-12007,1443,-12007,-12007,-6407,27,23850,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-12007,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2377",0,0,0,0,0,2050,2050,2050,2050,2050,61550,37,25920,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2050,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2378",0,0,0,0,0,14000,13493,14000,13493,13493,135672,34,53562,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,13493,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2379",0,0,22000,8000,14000,0,0,0,0,14000,16000,61,25092,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2380",0,0,34500,22700,11800,443,-1607,443,-1607,10193,20193,30,27093,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1607,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2381",0,0,0,0,0,19328,-121472,19328,-121472,-121472,-46472,33,40902,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-121472,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2382",0,0,74000,72000,2000,3674,1174,3674,1174,3174,3174,25,30219,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1174,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2383",0,0,0,0,0,20,-180,20,-180,-180,1385,59,10788,1,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-180,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2384",0,0,0,0,0,3000,3000,3000,3000,3000,21500,56,21600,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,3000,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2385",7000,0,60000,0,60000,4100,4100,11100,11100,71100,76766,36,18750,1,15,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,11100,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2386",2000,0,0,0,0,38800,38800,40800,40800,40800,49775,42,32025,1,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,40800,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2387",0,0,0,0,0,1700,-3300,1700,-3300,-3300,475,32,27960,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-3300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2388",0,0,145000,47000,98000,2300,-2950,2300,-2950,95050,102150,50,53940,3,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-2950,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2389",0,0,0,0,0,0,-13000,0,-13000,-13000,-8667,27,19962,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-13000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2390",7000,0,150000,34000,116000,12200,10300,19200,17300,133300,133300,61,58680,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,17300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2391",0,0,23000,0,23000,4000,-1800,4000,-1800,21200,37461,57,19440,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2392",0,0,90000,42000,48000,1300,-370,1300,-370,47630,47630,46,57513,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-370,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2393",0,0,0,0,0,650,-3250,650,-3250,-3250,-2750,29,14556,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3250,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2394",0,0,140000,52000,88000,10398,10398,10398,10398,98398,110398,42,51492,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,10398,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2395",0,0,200000,0,200000,9999,9885,9999,9885,209885,209885,53,22872,6,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,9885,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2396",0,0,0,0,0,0,0,0,0,0,3825,44,30600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2397",0,0,0,0,0,0,-425,0,-425,-425,-425,28,20148,5,12,1,1,1,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-425,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2398",0,0,0,0,0,100,100,100,100,100,100,30,11820,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2399",0,0,75000,37000,38000,15500,15350,15500,15350,53350,53350,42,56046,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,15350,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2400",0,0,50000,0,50000,24999,24999,24999,24999,74999,85678,48,44376,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.4200058,24999,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2401",22000,0,100000,65000,35000,0,-3100,22000,18900,53900,53900,62,25920,2,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,18900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2402",0,0,15000,15000,0,2600,-6400,2600,-6400,-6400,-3200,45,50025,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2403",0,0,0,0,0,80900,79400,80900,79400,79400,79400,55,68760,2,9,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.3598378,79400,0,0,0,0,0,0,1,0,0,0,0,0,1 +"2404",0,0,60000,40000,20000,0,-200,0,-200,19800,27116,28,17859,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-200,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2405",2600,0,70000,0,70000,40499,40499,43099,43099,113099,113099,57,89514,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,43099,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2406",0,0,0,0,0,425,425,425,425,425,2925,32,18294,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,425,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2407",0,0,70000,38500,31500,549,-6451,549,-6451,25049,25049,33,34269,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6451,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2408",0,0,285000,150000,135000,19124,8724,19124,8724,143724,143724,33,77007,2,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,8724,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2409",2000,0,120000,55000,65000,7499,7499,9499,9499,74499,74999,50,41775,1,12,1,0,1,0,1,0,0,1,0,1,0,0,5,2,0.650903,9499,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2410",0,0,0,0,0,28,28,28,28,28,778,40,14283,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,28,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2411",0,0,0,0,0,0,0,0,0,0,7461,25,8670,10,3,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2412",0,0,0,0,0,0,0,0,0,0,1500,39,8700,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2413",5000,0,180000,54000,126000,10150,9900,15150,14900,140900,140900,44,78099,5,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,14900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2414",0,0,0,0,0,600,600,600,600,600,600,38,24462,4,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2415",0,0,30000,30000,0,500,-4242,500,-4242,-4242,758,46,30600,4,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-4242,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2416",0,0,0,0,0,75,75,75,75,75,575,42,6801,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,75,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2417",0,0,250000,0,250000,17000,16700,17000,16700,266700,351700,59,27942,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,16700,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2418",0,0,33500,15000,18500,949,949,949,949,19449,19649,48,13215,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,949,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2419",0,0,85000,0,85000,1600,1200,1600,1200,86200,88440,32,34788,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2420",0,0,85000,40000,45000,11243,11243,11243,11243,56243,56243,41,63939,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,11243,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2421",0,0,30000,25000,5000,522,-1008,522,-1008,3992,11992,29,15312,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1008,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2422",0,0,125000,38000,87000,21500,6500,21500,6500,93500,94500,40,38400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,6500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2423",4000,0,200000,98,199902,999,999,4999,4999,204901,206779,61,16014,6,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,4999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2424",0,0,0,0,0,0,0,0,0,0,0,39,15504,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2425",0,0,0,0,0,100,-5950,100,-5950,-5950,8050,45,22812,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5950,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2426",0,0,74000,72000,2000,5800,800,5800,800,2800,5800,31,25158,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2427",0,0,0,0,0,480,-320,480,-320,-320,-320,27,25953,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-320,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2428",0,0,0,0,0,1000,0,1000,0,0,3666,34,15558,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2429",0,0,70000,0,70000,4979,-15141,4979,-15141,54859,66859,49,69555,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-15141,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2430",28000,0,175000,0,175000,18298,18298,46298,46298,221298,227298,61,8739,2,10,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0.2088342,46298,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2431",0,0,0,0,0,0,-2850,0,-2850,-2850,816,27,22200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-2850,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2432",0,0,0,0,0,1300,-1500,1300,-1500,-1500,-1500,27,14430,2,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2433",0,0,0,0,0,0,0,0,0,0,3500,35,33843,2,10,1,0,1,0,1,0,0,0,1,0,0,0,4,1,0.6600804,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2434",0,0,0,0,0,6500,6500,6500,6500,6500,33000,31,26058,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,6500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2435",0,0,85000,85000,0,2535,1035,2535,1035,1035,2535,46,30600,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,1035,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2436",54500,0,105000,36000,69000,5000,4600,59500,59100,128100,153100,57,74718,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,59100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2437",0,0,0,0,0,49,49,49,49,49,799,63,26823,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,49,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2438",0,0,0,0,0,7999,6799,7999,6799,6799,10799,34,12360,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,6799,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2439",1500,0,0,0,0,3200,-1300,4700,200,200,44470,48,5568,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1173758,200,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2440",0,0,45000,20000,25000,3100,1600,3100,1600,26600,31600,39,77919,6,17,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2441",0,0,68000,61000,7000,2300,950,2300,950,7950,7950,29,18450,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,950,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2442",0,0,200000,0,200000,35,-12465,35,-12465,187535,204535,50,41217,4,7,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-12465,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2443",0,0,0,0,0,2549,2549,2549,2549,2549,11010,38,18438,6,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2549,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2444",0,0,0,0,0,85,-4915,85,-4915,-4915,-3582,33,20736,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-4915,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2445",0,0,0,0,0,1700,1700,1700,1700,1700,2900,38,20577,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2446",0,0,160000,75000,85000,200,200,200,200,85200,85200,60,24432,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2447",14000,0,0,0,0,209075,209075,223075,223075,223075,225575,30,63750,1,16,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.6386597,223075,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2448",0,0,0,0,0,9043,4591,9043,4591,4591,16393,26,28356,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,4591,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2449",0,0,55000,46000,9000,600,-9400,600,-9400,-400,20200,38,36648,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-9400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2450",0,0,0,0,0,100,-900,100,-900,-900,6900,29,40074,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-900,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2451",0,0,0,0,0,400,400,400,400,400,400,33,12264,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2452",7000,0,100000,0,100000,27100,26800,34100,33800,133800,142581,49,30063,1,14,1,0,1,0,1,0,0,1,0,0,1,0,4,3,0.6174901,33800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2453",0,0,0,0,0,0,0,0,0,0,100,32,14529,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2454",0,0,0,0,0,13514,7768,13514,7768,7768,7768,31,32256,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,7768,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2455",0,0,27000,19900,7100,3300,-6700,3300,-6700,400,6750,40,22752,4,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-6700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2456",6000,0,0,0,0,3000,2550,9000,8550,8550,18703,59,31350,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.2906278,8550,0,0,0,0,1,0,0,0,0,0,0,0,1 +"2457",0,0,37670,37670,0,0,-40,0,-40,-40,1235,35,15690,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-40,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2458",0,0,0,0,0,17800,15600,17800,15600,15600,27685,25,17793,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2459",0,0,20000,0,20000,0,0,0,0,20000,20000,59,13020,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2460",0,0,0,0,0,0,-5000,0,-5000,-5000,-5000,36,22152,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2461",0,0,0,0,0,800,-10700,800,-10700,-10700,-10700,35,36000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-10700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2462",0,0,0,0,0,0,0,0,0,0,0,48,7113,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2463",0,0,0,0,0,19699,19599,19699,19599,19599,32574,47,28182,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,19599,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2464",0,0,72500,14400,58100,29850,29715,29850,29715,87815,112815,35,74178,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,29715,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2465",0,0,300000,100000,200000,12898,12898,12898,12898,212898,212898,41,84495,6,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,12898,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2466",0,0,42500,0,42500,4199,4199,4199,4199,46699,46699,64,21102,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,4199,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2467",13760,0,165000,150000,15000,100000,99835,113760,113595,128595,128703,58,59952,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,113595,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2468",0,0,40000,35000,5000,0,0,0,0,5000,6000,41,10200,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2469",0,0,0,0,0,123,-4577,123,-4577,-4577,-4577,48,9354,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-4577,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2470",3000,0,125000,105000,20000,11500,8500,14500,11500,31500,33500,44,46800,3,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,11500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2471",3000,0,90000,20000,70000,300,-2700,3300,300,70300,75580,49,45150,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,300,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2472",0,0,0,0,0,300,-10300,300,-10300,-10300,-7800,25,19926,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2473",0,0,160000,83000,77000,4500,4500,4500,4500,81500,82250,40,26073,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,4500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2474",0,0,300000,91000,209000,400,-5600,400,-5600,203400,203875,52,38610,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-5600,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2475",0,0,0,0,0,1020,1020,1020,1020,1020,3920,31,21630,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1020,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2476",0,0,0,0,0,550,-2450,550,-2450,-2450,-2450,36,25812,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-2450,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2477",0,0,40000,33000,7000,0,-25,0,-25,6975,11061,44,5760,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-25,1,1,0,0,0,0,0,0,0,0,1,0,0 +"2478",0,0,0,0,0,10199,6435,10199,6435,6435,10860,44,46740,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,6435,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2479",11000,0,150000,102500,47500,7050,5550,18050,16550,64050,64050,45,25728,5,18,1,1,0,1,1,0,0,1,0,0,0,1,3,4,0.3788275,16550,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2480",0,0,110000,35000,75000,200,-250,200,-250,74750,77750,47,41670,6,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,-250,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2481",0,0,26000,26000,0,0,-8000,0,-8000,-8000,-8000,35,29925,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-8000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2482",0,0,0,0,0,50,-150,50,-150,-150,5150,35,14610,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2483",3500,0,99000,99000,0,8100,7100,11600,10600,10600,16600,46,41622,5,11,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,10600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2484",0,0,29000,27000,2000,49749,48599,49749,48599,50599,50599,37,42459,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,48599,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2485",0,0,200000,62500,137500,399,399,399,399,137899,137899,49,36336,6,11,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,399,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2486",0,0,90000,56500,33500,1350,950,1350,950,34450,34450,35,27624,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,950,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2487",0,0,0,0,0,600,-960,600,-960,-960,8615,42,23313,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-960,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2488",0,0,0,0,0,0,0,0,0,0,1500,43,19074,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2489",0,0,90000,55000,35000,18575,16975,18575,16975,51975,61975,33,33225,5,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,16975,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2490",0,0,200000,78000,122000,900,-11100,900,-11100,110900,110900,40,59685,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-11100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2491",0,0,0,0,0,80,80,80,80,80,4080,41,10830,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,80,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2492",550,0,0,0,0,14500,14500,15050,15050,15050,23050,39,61863,6,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.3533661,15050,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2493",0,0,0,0,0,0,0,0,0,0,0,46,19371,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2494",0,0,0,0,0,750,-1250,750,-1250,-1250,-175,33,17100,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1250,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2495",0,0,0,0,0,320,-569,320,-569,-569,23081,39,9000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-569,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2496",15900,0,55000,14900,40100,13300,13300,29200,29200,69300,69390,61,42744,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,29200,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2497",0,0,0,0,0,0,0,0,0,0,1000,29,12000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2498",0,0,75000,0,75000,0,0,0,0,75000,75000,41,13260,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2499",0,0,0,0,0,8000,8000,8000,8000,8000,8000,45,36495,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,8000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"2500",0,0,38000,25000,13000,525,525,525,525,13525,44825,46,22170,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,525,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2501",0,0,0,0,0,0,0,0,0,0,7579,26,22080,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2502",1400,0,110000,65000,45000,11300,9300,12700,10700,55700,55700,39,42120,4,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2503",0,0,0,0,0,15114,14264,15114,14264,14264,26402,25,9660,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,14264,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2504",0,0,0,0,0,0,0,0,0,0,500,39,13338,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2505",0,0,0,0,0,550,550,550,550,550,550,32,36945,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,550,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2506",0,0,0,0,0,700,700,700,700,700,8700,52,22791,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2507",0,0,0,0,0,2249,-21751,2249,-21751,-21751,-20251,28,3765,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-21751,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2508",0,0,0,0,0,0,-5800,0,-5800,-5800,-2412,45,17685,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5800,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2509",0,0,55000,18000,37000,249,-4751,249,-4751,32249,44249,45,50397,2,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-4751,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2510",0,0,120000,55000,65000,4999,2999,4999,2999,67999,67999,41,18660,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2999,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2511",0,0,0,0,0,0,-300,0,-300,-300,450,43,3825,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-300,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2512",0,0,0,0,0,2686,86,2686,86,86,33886,36,32073,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,86,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2513",0,0,2000,0,2000,300,300,300,300,2300,3500,34,16845,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2514",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,31,21969,10,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2515",0,0,0,0,0,200,-2088,200,-2088,-2088,-2088,61,6132,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2088,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2516",0,0,110000,0,110000,99,-331,99,-331,109669,109669,27,16056,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-331,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2517",0,0,25000,18000,7000,8000,8000,8000,8000,15000,28000,29,102996,4,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,8000,1,0,0,0,0,0,0,1,1,0,0,0,0 +"2518",0,0,60000,59900,100,1900,-25100,1900,-25100,-25000,-23800,38,36924,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-25100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2519",0,0,35000,0,35000,22300,21900,22300,21900,56900,67300,63,51528,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,21900,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2520",0,0,0,0,0,1820,1142,1820,1142,1142,1142,27,38442,2,17,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5896286,1142,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2521",10000,0,50000,10000,40000,3299,2899,13299,12899,52899,61036,46,47520,4,15,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,12899,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2522",0,0,0,0,0,600,600,600,600,600,2675,26,14310,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2523",0,0,65000,50000,15000,500,500,500,500,15500,15500,28,19131,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,500,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2524",0,0,160000,16000,144000,5855,5855,5855,5855,149855,149855,59,26664,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,5855,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2525",0,0,0,0,0,5713,5583,5713,5583,5583,5583,43,29280,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,5583,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2526",0,0,6000,0,6000,0,-3000,0,-3000,3000,4884,42,13203,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2527",0,0,75000,0,75000,1176,876,1176,876,75876,75876,47,10848,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,876,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2528",0,0,30000,0,30000,3695,695,3695,695,30695,30695,48,34941,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,695,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2529",0,0,77000,77000,0,1249,1249,1249,1249,1249,1249,58,8745,6,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,1249,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2530",1000,0,75000,57900,17100,9600,3600,10600,4600,21700,25050,31,33036,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,4600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2531",0,0,85000,0,85000,0,0,0,0,85000,87150,38,15300,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2532",0,0,60000,32000,28000,0,-9168,0,-9168,18832,18832,41,14484,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9168,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2533",0,0,70000,56000,14000,2249,2249,2249,2249,16249,16249,42,33015,2,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,2249,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2534",12000,0,0,0,0,84354,84354,96354,96354,96354,105929,40,63204,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.6386597,96354,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2535",0,0,0,0,0,260,-2840,260,-2840,-2840,-1790,40,15306,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2840,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2536",0,0,45000,0,45000,749,749,749,749,45749,48749,53,34185,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,749,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2537",0,0,0,0,0,6000,-4000,6000,-4000,-4000,-4000,57,92160,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,-4000,0,0,0,0,0,0,0,1,0,0,0,0,1 +"2538",0,0,0,0,0,800,-1200,800,-1200,-1200,3100,25,28830,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2539",0,0,0,0,0,6,6,6,6,6,706,37,29868,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,6,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2540",0,0,20000,14000,6000,0,0,0,0,6000,7000,28,16320,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2541",0,0,45000,40000,5000,1800,1725,1800,1725,6725,9225,35,16749,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,1725,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2542",0,0,150000,19500,130500,1200,-1100,1200,-1100,129400,129900,54,18288,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2543",0,0,0,0,0,100,100,100,100,100,662,31,25308,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2544",20500,0,300000,61000,239000,65500,65500,86000,86000,325000,625000,45,60654,2,10,1,1,0,1,1,0,0,1,1,0,0,0,6,1,0.7130944,86000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2545",0,0,0,0,0,100,-150,100,-150,-150,850,28,19500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2546",0,0,55000,25900,29100,0,-3450,0,-3450,25650,26250,31,22575,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-3450,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2547",827,0,0,0,0,0,-1157,827,-330,-330,2270,33,17745,5,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.118155,-330,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2548",0,0,300000,120000,180000,6500,-2000,6500,-2000,178000,183000,50,49164,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2549",0,0,50000,44000,6000,2020,1820,2020,1820,7820,16499,54,7923,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1820,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2550",1400,0,45000,39000,6000,5600,100,7000,1500,7500,13650,30,24912,1,14,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2551",0,0,0,0,0,950,-2050,950,-2050,-2050,-2050,27,35310,2,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-2050,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2552",0,0,0,0,0,1199,-6301,1199,-6301,-6301,-3801,39,37569,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-6301,0,0,0,0,1,0,0,0,0,0,1,0,0 +"2553",40000,0,215000,84000,131000,39000,37000,79000,77000,208000,208800,35,31398,4,17,0,1,1,0,1,0,0,1,0,0,0,1,4,4,0.3524857,77000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2554",0,0,125000,55000,70000,260,-1740,260,-1740,68260,72060,50,23148,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1740,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2555",0,0,50000,26000,24000,9000,9000,9000,9000,33000,35575,40,32676,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,9000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2556",0,0,100000,84800,15200,550,-1650,550,-1650,13550,13550,52,12912,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1650,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2557",0,0,0,0,0,0,-980,0,-980,-980,520,40,22500,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-980,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2558",0,0,0,0,0,0,0,0,0,0,500,42,18000,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2559",0,0,156000,147000,9000,2700,1600,2700,1600,10600,10600,28,29427,6,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,1600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2560",0,0,35000,13000,22000,4000,-500,4000,-500,21500,42500,57,30303,2,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2561",0,0,0,0,0,0,0,0,0,0,0,26,5694,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2562",0,0,0,0,0,0,0,0,0,0,0,31,21129,7,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2563",0,0,0,0,0,40,-960,40,-960,-960,-535,33,19200,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-960,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2564",0,0,0,0,0,900,-1100,900,-1100,-1100,6561,36,7536,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-1100,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2565",0,0,0,0,0,1000,1000,1000,1000,1000,3200,34,18975,3,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2566",0,0,0,0,0,0,0,0,0,0,900,33,1560,5,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2567",0,0,0,0,0,1000,1000,1000,1000,1000,7500,32,15840,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2568",0,0,0,0,0,0,0,0,0,0,0,37,8694,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2569",0,0,0,0,0,10000,0,10000,0,0,20850,26,47016,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,0,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2570",0,0,0,0,0,20,-980,20,-980,-980,5763,32,24000,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-980,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2571",0,0,230000,150000,80000,20100,15100,20100,15100,95100,96600,34,15459,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,15100,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2572",0,0,93000,80000,13000,1510,-4490,1510,-4490,8510,8510,26,32460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-4490,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2573",0,0,0,0,0,0,0,0,0,0,0,46,35100,3,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,0,0,0,1,0 +"2574",0,0,0,0,0,0,0,0,0,0,4000,33,12240,6,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2575",0,0,65500,65500,0,500,-2000,500,-2000,-2000,-2000,32,47391,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2576",0,0,0,0,0,999,999,999,999,999,10999,44,12960,8,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,999,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2577",0,0,55000,38000,17000,4249,4249,4249,4249,21249,23674,26,35325,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,4249,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2578",0,0,70000,52000,18000,1000,-1000,1000,-1000,17000,27000,49,36720,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2579",0,0,0,0,0,0,0,0,0,0,2350,26,9801,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2580",0,0,115000,80000,35000,1900,-2250,1900,-2250,32750,40649,35,40164,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2250,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2581",0,0,73000,53000,20000,38200,22700,38200,22700,42700,66700,37,54324,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,22700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2582",0,0,0,0,0,160,160,160,160,160,1410,50,22137,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,160,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2583",0,0,60000,39000,21000,0,-400,0,-400,20600,21800,32,16215,8,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2584",0,0,0,0,0,0,0,0,0,0,750,35,16917,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2585",0,0,57000,57000,0,400,-1600,400,-1600,-1600,-1600,28,29922,6,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2586",0,0,0,0,0,30180,30180,30180,30180,30180,50180,33,26448,3,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,30180,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2587",0,0,0,0,0,210,210,210,210,210,710,49,10674,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,210,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2588",5000,0,150000,12500,137500,2500,-500,7500,4500,142000,145000,42,94455,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,4500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2589",0,0,0,0,0,0,0,0,0,0,0,36,16506,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2590",0,0,0,0,0,250,250,250,250,250,3600,42,15315,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2591",0,0,0,0,0,180,180,180,180,180,780,44,26415,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,180,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2592",100000,0,120000,0,120000,31688,19688,131688,119688,239688,339688,59,66288,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,119688,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2593",12800,0,150000,0,150000,32400,23700,45200,36500,186500,199500,61,38940,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,36500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2594",0,0,40000,639,39361,0,-3000,0,-3000,36361,36861,40,10386,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2595",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,29,12000,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2596",9200,0,0,0,0,21400,14620,30600,23820,23820,24570,48,23640,1,15,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.5117899,23820,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2597",0,0,28000,28000,0,1275,-810,1275,-810,-810,-810,36,38061,4,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-810,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2598",0,0,0,0,0,0,0,0,0,0,1000,29,10176,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2599",6000,0,250000,40000,210000,3600,2200,9600,8200,218200,221683,45,29262,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,8200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2600",0,0,0,0,0,20249,19249,20249,19249,19249,19624,35,47421,4,10,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.3243191,19249,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2601",0,0,0,0,0,0,-7100,0,-7100,-7100,1400,31,58122,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-7100,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2602",0,0,32000,25000,7000,400,-700,400,-700,6300,6800,42,16608,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-700,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2603",18000,0,125000,90000,35000,166500,166500,184500,184500,219500,299500,36,118401,4,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,184500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2604",0,0,0,0,0,700,-4800,700,-4800,-4800,-4300,42,23400,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2605",0,0,95000,90000,5000,5600,-24400,5600,-24400,-19400,-3347,30,45180,1,18,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-24400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2606",0,0,0,0,0,0,0,0,0,0,0,45,19848,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2607",0,0,59000,23900,35100,75,75,75,75,35175,35550,52,33624,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,75,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2608",0,0,39000,0,39000,0,0,0,0,39000,39000,56,4080,7,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2609",0,0,0,0,0,1600,1600,1600,1600,1600,3800,29,45975,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,1600,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2610",0,0,0,0,0,1300,-2300,1300,-2300,-2300,-1880,30,31785,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2300,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2611",0,0,35000,10000,25000,749,649,749,649,25649,27982,26,15981,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,649,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2612",0,0,0,0,0,1200,1200,1200,1200,1200,4225,28,12672,2,16,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,1200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2613",20200,0,300000,0,300000,212400,212400,232600,232600,532600,532600,40,48402,4,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,232600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2614",0,0,20000,18000,2000,100,-500,100,-500,1500,5200,52,26010,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2615",0,0,0,0,0,12000,11800,12000,11800,11800,11800,31,26028,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,11800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2616",0,0,0,0,0,35000,34000,35000,34000,34000,39850,39,45420,1,13,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,34000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2617",8800,0,115000,25000,90000,2251,-7449,11051,1351,91351,91351,57,14676,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,1351,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2618",0,0,0,0,0,0,0,0,0,0,0,40,4107,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2619",0,0,0,0,0,1000,350,1000,350,350,4550,25,7680,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,350,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2620",0,0,0,0,0,200,-24800,200,-24800,-24800,35200,47,24996,1,18,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-24800,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2621",2700,0,42000,42000,0,810,416,3510,3116,3116,4366,46,12945,3,13,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,3116,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2622",0,0,0,0,0,800,0,800,0,0,5500,48,9966,2,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2623",0,0,90000,90000,0,849,-9151,849,-9151,-9151,-2651,45,114048,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-9151,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2624",0,0,45000,43288,1712,206,-825,206,-825,887,887,30,17427,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-825,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2625",0,0,80000,38500,41500,800,800,800,800,42300,43300,54,24654,2,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2626",0,0,0,0,0,0,-17000,0,-17000,-17000,-16000,52,23760,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-17000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2627",0,0,100000,36000,64000,30000,29700,30000,29700,93700,93700,45,17400,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,29700,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2628",0,0,0,0,0,499,499,499,499,499,999,30,15330,2,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,499,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2629",0,0,0,0,0,0,0,0,0,0,0,33,10464,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2630",0,0,0,0,0,0,0,0,0,0,500,38,10800,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2631",0,0,170000,55000,115000,290,-17710,290,-17710,97290,97290,38,42054,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-17710,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2632",0,0,0,0,0,600,100,600,100,100,4800,26,9366,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,100,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2633",2000,0,160000,95000,65000,758,-742,2758,1258,66258,66258,34,60615,4,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,1258,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2634",0,0,135000,95450,39550,4400,-360,4400,-360,39190,55490,34,72375,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-360,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2635",0,0,0,0,0,0,0,0,0,0,3743,25,14013,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2636",2400,0,103000,55000,48000,2900,2671,5300,5071,53071,58921,62,29616,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,5071,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2637",0,0,0,0,0,3248,-8752,3248,-8752,-8752,-8752,39,55191,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-8752,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2638",0,0,0,0,0,4100,-15900,4100,-15900,-15900,-15900,45,53010,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-15900,0,0,0,0,0,0,1,0,0,0,0,1,0 +"2639",0,0,75000,25000,50000,164025,154825,164025,154825,204825,219400,46,43086,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,154825,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2640",37500,0,150000,62500,87500,4898,-26011,42398,11489,98989,98989,61,42246,2,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,11489,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2641",0,0,100000,0,100000,28237,25437,28237,25437,125437,125437,62,22974,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,25437,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2642",12000,0,0,0,0,17700,17700,29700,29700,29700,34275,34,22410,1,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,29700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2643",0,0,40000,0,40000,2199,2199,2199,2199,42199,98252,53,26295,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,2199,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2644",3076,0,20000,0,20000,9435,6935,12511,10011,30011,33361,43,26463,1,14,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,10011,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2645",0,0,0,0,0,849,849,849,849,849,6110,25,20448,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,849,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2646",0,0,225000,0,225000,23700,20700,23700,20700,245700,245700,61,49050,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,20700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2647",0,0,80000,38000,42000,200,-300,200,-300,41700,44200,43,11400,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-300,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2648",26000,0,0,0,0,111000,111000,137000,137000,137000,227242,46,90141,1,18,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.3313638,137000,0,0,0,0,0,0,0,1,0,0,0,1,0 +"2649",0,0,82,0,82,0,0,0,0,82,3178,31,13770,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2650",0,0,0,0,0,1200,-400,1200,-400,-400,2025,35,7860,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2651",16000,0,65000,32000,33000,4913,2613,20913,18613,51613,58412,34,56574,4,17,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,18613,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2652",0,0,0,0,0,26200,25200,26200,25200,25200,35879,30,40950,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,25200,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2653",4000,0,65000,40000,25000,1300,-1000,5300,3000,28000,28000,53,43521,2,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,3000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2654",0,0,215000,99000,116000,27709,27209,27709,27209,143209,143209,44,34794,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,27209,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2655",1500,0,200000,150000,50000,30200,30200,31700,31700,81700,85700,35,51372,3,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,31700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2656",0,0,0,0,0,100,100,100,100,100,1335,26,21216,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2657",0,0,300000,150000,150000,900,-350,900,-350,149650,149650,31,59544,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-350,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2658",0,0,0,0,0,549,-193,549,-193,-193,-193,31,16128,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-193,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2659",900,0,65000,21300,43700,3699,3699,4599,4599,48299,57299,37,47643,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,4599,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2660",0,0,0,0,0,360,-53640,360,-53640,-53640,-53640,43,12750,6,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-53640,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2661",0,0,0,0,0,400,400,400,400,400,400,61,10032,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2662",0,0,0,0,0,750,-250,750,-250,-250,6648,46,26172,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-250,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2663",0,0,59000,35000,24000,315,-6685,315,-6685,17315,18315,45,8067,1,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-6685,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2664",0,0,0,0,0,1477,-14523,1477,-14523,-14523,-4523,29,45612,2,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-14523,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2665",0,0,75000,67000,8000,3100,-3900,3100,-3900,4100,6433,26,57975,1,16,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-3900,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2666",0,0,75000,4000,71000,6800,5600,22800,21600,92600,92600,58,36900,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,5600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2667",0,0,62000,57200,4800,1300,1100,1300,1100,5900,16970,34,36474,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,1100,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2668",0,0,250000,150000,100000,10300,5800,10300,5800,105800,105800,33,84621,4,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,5800,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2669",0,0,0,0,0,0,-40,0,-40,-40,-40,27,8928,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-40,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2670",0,0,290000,150000,140000,300,230,300,230,140230,140230,36,17274,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,230,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2671",29043,0,150000,117000,33000,1549,1549,30592,30592,63592,63592,63,35547,3,15,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,30592,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2672",22400,0,145000,55000,90000,51600,50600,74000,73000,163000,213000,48,66450,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,73000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2673",5900,0,250000,150000,100000,23699,22699,29599,28599,128599,217349,38,90045,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,28599,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2674",0,0,40000,10000,30000,358,-1622,358,-1622,28378,28878,53,8166,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,-1622,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2675",0,0,80000,69000,11000,8700,5900,8700,5900,16900,61900,47,64500,3,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5900,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2676",0,0,65000,0,65000,0,-900,0,-900,64100,84100,49,4218,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,-900,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2677",0,0,0,0,0,3000,2800,3000,2800,2800,2800,62,20526,3,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,2800,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2678",0,0,5000,0,5000,13000,12877,13000,12877,17877,21877,31,37461,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12877,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2679",0,0,40000,0,40000,100,-3900,100,-3900,36100,44100,36,23700,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2680",0,0,0,0,0,7999,7799,7999,7799,7799,7799,25,46506,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,7799,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2681",7000,0,69000,20000,49000,22200,22200,29200,29200,78200,81200,28,49125,3,17,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,29200,1,0,0,0,0,1,0,0,1,0,0,0,0 +"2682",0,0,0,0,0,849,-4751,849,-4751,-4751,-3851,32,39465,5,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4751,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2683",0,0,65000,24000,41000,300,-3100,300,-3100,37900,47900,48,24090,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-3100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2684",0,0,0,0,0,3999,3999,3999,3999,3999,10092,34,14976,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3999,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2685",0,0,0,0,0,0,-1600,0,-1600,-1600,400,36,24792,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2686",0,0,50000,28000,22000,1700,-5000,1700,-5000,17000,32000,47,42150,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2687",0,0,61000,29000,32000,2119,19,2119,19,32019,32019,45,27033,4,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,19,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2688",10000,0,80000,78000,2000,3181,181,13181,10181,12181,16981,45,54150,3,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,10181,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2689",0,0,26000,12000,14000,5000,4400,5000,4400,18400,18400,37,19140,4,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,4400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2690",16500,0,158000,138000,20000,73000,73000,89500,89500,109500,176300,40,67128,2,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,89500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2691",0,0,60000,0,60000,70335,70335,70335,70335,130335,130335,54,23832,3,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,70335,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2692",0,0,20000,0,20000,130,130,130,130,20130,21630,42,27000,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,130,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2693",25000,0,75000,32000,43000,4000,3700,29000,28700,71700,130600,36,55152,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,28700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2694",0,0,80000,22000,58000,0,-5000,0,-5000,53000,56000,51,26106,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-5000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2695",0,0,125000,0,125000,200,-9100,200,-9100,115900,115900,46,34455,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-9100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2696",0,0,134000,100000,34000,312,-3188,312,-3188,30812,42812,28,19542,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-3188,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2697",0,0,0,0,0,0,0,0,0,0,1800,33,19347,3,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2698",0,0,0,0,0,0,0,0,0,0,0,29,6375,2,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2699",2250,0,100000,64000,36000,53000,50600,55250,52850,88850,96850,52,51030,3,13,1,1,1,0,1,0,0,1,0,0,1,0,6,3,0.7130944,52850,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2700",0,0,60000,0,60000,0,0,0,0,60000,60000,49,9051,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2701",0,0,59000,49000,10000,310,110,310,110,10110,12963,52,39219,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,110,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2702",0,0,0,0,0,499,499,499,499,499,499,29,20430,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,499,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2703",0,0,78000,72000,6000,5,-7795,5,-7795,-1795,22805,28,23883,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-7795,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2704",0,0,90000,75000,15000,14000,10900,14000,10900,25900,25900,35,71700,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,10900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2705",0,0,35000,22000,13000,1449,-6551,1449,-6551,6449,6449,59,33051,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-6551,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2706",0,0,0,0,0,8300,7620,8300,7620,7620,10195,27,13410,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,7620,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2707",0,0,70000,62000,8000,0,0,0,0,8000,20000,42,24600,7,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2708",0,0,0,0,0,745,-255,3245,2245,2245,5728,32,4608,4,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-255,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2709",0,0,35000,16000,19000,0,-500,0,-500,18500,21075,54,9072,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-500,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2710",0,0,0,0,0,0,-3610,0,-3610,-3610,-2410,31,9369,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-3610,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2711",0,0,0,0,0,0,0,0,0,0,0,40,24687,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2712",3800,0,63000,59500,3500,400,-1200,4200,2600,6100,7550,39,27354,3,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,2600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2713",0,0,42000,27000,15000,1874,1509,1874,1509,16509,21509,39,29151,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,1509,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2714",13420,0,115000,49000,66000,37800,36600,51220,50020,116020,116020,52,43341,2,16,0,1,1,0,1,0,0,1,0,0,0,1,5,4,0.4624346,50020,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2715",0,0,0,0,0,0,0,0,0,0,3500,28,8088,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2716",0,0,65000,50765,14235,25648,25648,25648,25648,39883,49183,37,40404,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,25648,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2717",0,0,0,0,0,900,900,900,900,900,900,50,13443,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,900,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2718",0,0,49900,31900,18000,1150,700,1150,700,18700,24850,25,25395,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,700,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2719",6000,0,36000,36000,0,33000,33000,39000,39000,39000,41500,45,15936,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,39000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2720",0,0,55000,47000,8000,2450,900,2450,900,8900,8900,36,17820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2721",0,0,55000,55000,0,10129,9279,10129,9279,9279,9279,37,32370,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,9279,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2722",0,0,75000,33750,41250,599,599,599,599,41849,41349,41,8760,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,599,1,1,0,0,0,0,0,0,0,0,1,0,0 +"2723",0,0,0,0,0,1800,1500,1800,1500,1500,134500,28,32430,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,1500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2724",12200,0,170000,130000,40000,45211,27211,57411,39411,79411,86411,44,104460,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,39411,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2725",0,0,0,0,0,500,500,500,500,500,500,37,12630,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2726",0,0,90000,24000,66000,999,349,999,349,66349,75349,43,25872,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,349,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2727",0,0,45000,38000,7000,450,-50,450,-50,6950,18950,60,15801,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-50,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2728",0,0,0,0,0,0,0,0,0,0,0,51,13500,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2729",0,0,180000,66500,113500,4800,4350,4800,4350,117850,117850,39,46104,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,4350,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2730",0,0,0,0,0,5,-595,5,-595,-595,3370,32,14790,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-595,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2731",0,0,0,0,0,110,-2890,110,-2890,-2890,13110,38,50550,6,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-2890,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2732",0,0,0,0,0,0,0,0,0,0,2500,62,12036,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2733",0,0,80000,29000,51000,4000,4000,4000,4000,55000,55000,58,19890,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,4000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2734",0,0,0,0,0,10,-7290,10,-7290,-7290,-5290,32,34263,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7290,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2735",0,0,50000,10000,40000,0,0,0,0,40000,40000,35,17244,6,15,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2736",0,0,0,0,0,800,800,800,800,800,800,62,26034,6,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,800,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2737",22000,0,225000,48000,177000,74499,73299,96499,95299,272299,273799,59,79323,2,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,95299,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2738",0,0,0,0,0,9000,7000,9000,7000,7000,21000,26,21975,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,7000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2739",0,0,0,0,0,0,0,0,0,0,0,29,16203,4,12,1,1,1,1,1,0,0,0,0,1,0,0,2,2,0.3791962,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2740",0,0,0,0,0,0,0,0,0,0,500,39,8700,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2741",0,0,60000,0,60000,100599,100099,100599,100099,160099,160099,57,30840,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100099,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2742",0,0,28000,13000,15000,0,0,0,0,15000,18333,31,27225,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2743",10000,0,60000,7000,53000,14999,14999,24999,24999,77999,82999,47,35814,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,24999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2744",0,0,200000,88000,112000,3999,2999,3999,2999,114999,118930,53,52008,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2745",0,0,75000,58250,16750,4414,4144,4414,4144,20894,20894,44,47769,6,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,4144,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2746",6791,0,300000,44000,256000,20000,15200,26791,21991,277991,277991,59,41934,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,21991,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2747",0,0,62500,0,62500,1100,950,1100,950,63450,70450,27,34704,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,950,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2748",0,0,28000,0,28000,990,-1093,990,-1093,26907,150795,31,13317,4,15,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1093,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2749",0,0,0,0,0,99,99,99,99,99,99,30,19386,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,99,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2750",0,0,8000,0,8000,15600,13500,15600,13500,21500,28183,56,29301,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,13500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2751",0,0,6000,6000,0,1163,1163,1163,1163,1163,1163,32,55680,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1163,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2752",0,0,0,0,0,100,100,100,100,100,100,31,12234,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2753",0,0,90000,61000,29000,0,0,0,0,29000,30195,39,19635,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2754",0,0,135000,60000,75000,9864,9613,9864,9613,84613,90894,40,70602,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,9613,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2755",0,0,58000,49000,9000,1000,-730,1000,-730,8270,11770,41,27012,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-730,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2756",0,0,40000,23000,17000,400,-100,400,-100,16900,22575,37,26052,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2757",0,0,0,0,0,750,-3750,750,-3750,-3750,5850,31,24486,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3750,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2758",15000,0,0,0,0,1750,-5486,16750,9514,9514,19514,29,36666,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,9514,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2759",0,0,0,0,0,0,-4015,0,-4015,-4015,-1015,40,44610,6,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-4015,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2760",0,0,0,0,0,0,0,0,0,0,23604,32,12240,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2761",0,0,0,0,0,3050,2250,3050,2250,2250,3525,25,3150,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,2250,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2762",0,0,0,0,0,0,0,0,0,0,0,61,10200,1,5,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2763",0,0,42000,38000,4000,0,0,0,0,4000,4750,48,9180,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2764",5500,0,144000,144000,0,12200,5100,17700,10600,10600,10600,39,70650,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,10600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2765",0,0,30000,0,30000,0,0,0,0,30000,30000,60,15000,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2766",0,0,64000,58000,6000,80,-920,80,-920,5080,5480,31,44241,3,12,0,0,0,1,1,0,0,0,0,1,0,0,5,2,0.4200058,-920,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2767",0,0,0,0,0,4140,4140,4140,4140,4140,13140,46,33288,2,13,0,1,1,0,1,0,0,0,0,0,1,0,4,3,0.2951996,4140,0,0,0,0,1,0,0,0,0,0,0,1,0 +"2768",4156,0,160000,150000,10000,85972,85172,90128,89328,99328,199328,43,96336,4,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,89328,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2769",0,0,0,0,0,4999,4999,4999,4999,4999,4999,34,60108,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,4999,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2770",800,0,285000,22500,262500,6250,5550,7050,6350,268850,272090,33,41715,4,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,6350,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2771",0,0,0,0,0,0,0,0,0,0,0,59,10422,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2772",0,0,0,0,0,4500,4500,4500,4500,4500,5833,28,21675,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,4500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2773",0,0,0,0,0,1600,-3150,1600,-3150,-3150,8850,26,23556,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-3150,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2774",11000,0,95000,73500,21500,7400,6265,18400,17265,38765,39265,28,70323,2,17,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,17265,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2775",0,0,0,0,0,2000,1860,2000,1860,1860,360,26,15609,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1860,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2776",0,0,95000,95000,0,1200,-3800,1200,-3800,-3800,-3800,28,39609,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3800,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2777",0,0,0,0,0,1800,1800,1800,1800,1800,1800,32,29520,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2778",0,0,65000,46000,19000,3800,3500,3800,3500,22500,22500,37,41514,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2779",0,0,0,0,0,0,0,0,0,0,0,32,12264,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2780",0,0,275000,150000,125000,1011999,976499,1041999,1006499,1131499,1150499,40,82251,5,18,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,976499,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2781",0,0,119000,89000,30000,2500,-2100,2500,-2100,27900,35900,29,31569,4,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-2100,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2782",0,0,66900,66900,0,0,-1570,0,-1570,-1570,22430,38,5607,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1570,1,1,0,0,0,0,0,0,0,0,1,0,0 +"2783",0,0,0,0,0,200,-3300,200,-3300,-3300,-1231,27,22296,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2784",0,0,65000,16600,48400,325,-1184,325,-1184,47216,49216,44,34890,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1184,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2785",0,0,40000,0,40000,1000,1000,1000,1000,41000,41000,40,17106,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2786",7000,0,5200,0,5200,8083,7583,15083,14583,19783,59783,60,15894,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,14583,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2787",0,0,0,0,0,2398,2398,2398,2398,2398,5398,31,19284,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,2398,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2788",2900,0,0,0,0,15399,11399,18299,14299,14299,39299,32,23718,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,14299,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2789",0,0,0,0,0,200,200,200,200,200,3025,28,17370,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2790",0,0,0,0,0,0,0,0,0,0,1500,28,6984,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2791",0,0,85000,73000,12000,5874,3174,5874,3174,15174,25174,38,55854,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,3174,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2792",10000,0,60000,42000,18000,10000,10000,20000,20000,38000,38000,51,53670,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2793",0,0,175000,0,175000,5000,5000,5000,5000,180000,188975,58,24300,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,5000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2794",0,0,66000,60000,6000,250,-350,250,-350,5650,5650,25,17418,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-350,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2795",0,0,0,0,0,3884,3684,3884,3684,3684,3684,26,24621,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,3684,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2796",50000,0,87900,0,87900,38999,38999,88999,88999,176899,176899,58,73686,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,88999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2797",0,0,25000,1700,23300,800,-400,800,-400,22900,22900,42,19848,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2798",0,0,140000,127000,13000,3000,-9100,3000,-9100,3900,4700,29,49200,2,17,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-9100,1,0,0,0,0,1,0,0,1,0,0,0,0 +"2799",0,0,170000,150000,20000,2000,2000,2000,2000,22000,22000,33,63969,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2800",0,0,12000,12000,0,5,-995,5,-995,-995,-245,32,9690,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-995,1,1,0,0,0,0,0,0,0,1,0,0,0 +"2801",0,0,53000,0,53000,80000,80000,80000,80000,133000,134000,60,26400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,80000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2802",0,0,75000,0,75000,13000,12500,13000,12500,87500,126500,61,37452,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,12500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2803",0,0,60000,32000,28000,1514,-13486,1514,-13486,14514,14514,53,27336,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-13486,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2804",0,0,300000,150000,150000,18400,14900,18400,14900,164900,164900,42,92775,5,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,14900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2805",76000,0,80000,0,80000,2599,2599,78599,78599,158599,158599,62,29694,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,78599,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2806",4000,0,0,0,0,6400,6100,10400,10100,10100,12675,26,30342,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,10100,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2807",800,0,65000,57000,8000,26000,24850,26800,25650,33650,33650,33,46140,5,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,25650,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2808",6084,0,70000,37000,33000,1935,1667,8019,7751,40751,40751,63,36633,6,11,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,7751,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2809",0,0,0,0,0,280,-1145,280,-1145,-1145,-1145,52,10584,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1145,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2810",13000,0,95000,0,95000,89981,89981,102981,102981,197981,197981,40,36177,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,102981,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2811",0,0,82000,80668,1332,0,-8593,0,-8593,-7261,-5361,29,30495,6,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-8593,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2812",0,0,35000,27000,8000,512,-888,512,-888,7112,8812,40,24645,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-888,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2813",0,0,65000,50000,15000,4000,300,4000,300,15300,38300,44,72975,3,10,1,1,0,1,1,0,0,0,1,0,0,0,6,1,0.6688337,300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2814",0,0,0,0,0,0,0,0,0,0,0,28,7920,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2815",0,0,0,0,0,50,50,50,50,50,10050,39,10500,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,50,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2816",0,0,25000,25000,0,300,-600,300,-600,-600,-600,42,36075,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2817",0,0,60000,35000,25000,11492,7492,11492,7492,32492,32867,35,77628,2,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,7492,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2818",0,0,6000,5398,602,0,-57,0,-57,545,2045,28,18144,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-57,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2819",0,0,0,0,0,400,-3100,400,-3100,-3100,900,32,53976,3,10,0,1,1,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-3100,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2820",14698,0,120000,88000,32000,31950,17950,46648,32648,64648,103648,41,82524,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,32648,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2821",0,0,58000,52500,5500,22058,22058,22058,22058,27558,27558,30,62886,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,22058,1,0,0,0,0,0,1,0,0,1,0,0,0 +"2822",0,0,20000,0,20000,3000,1744,3000,1744,21744,26244,64,30108,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,1744,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2823",6600,0,65000,58000,7000,11000,11000,17600,17600,24600,24600,37,59580,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,17600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2824",3000,0,120000,95000,25000,16750,10750,19750,13750,38750,54250,38,113508,3,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,13750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2825",0,0,125000,17000,108000,5500,3500,5500,3500,111500,121400,35,44856,5,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2826",5000,0,229000,98000,131000,381500,380000,386500,385000,516000,546510,43,50484,3,12,0,0,0,0,1,0,0,1,0,1,0,0,6,2,0.4868788,385000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2827",0,0,3000,0,3000,0,0,0,0,3000,8500,50,16728,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2828",0,0,18000,11000,7000,600,-3490,600,-3490,3510,4010,50,15360,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-3490,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2829",10000,0,53000,0,53000,74400,74400,84400,84400,137400,149350,59,25248,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,84400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2830",0,0,150000,65000,85000,749,349,749,349,85349,123802,39,35295,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,349,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2831",0,0,0,0,0,0,0,0,0,0,675,30,18399,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2832",0,0,16000,0,16000,0,-30500,0,-30500,-14500,-14500,31,14877,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-30500,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2833",1700,0,0,0,0,4000,2500,5700,4200,4200,5500,31,21546,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,4200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2834",0,0,0,0,0,0,-300,0,-300,-300,400,31,21240,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2835",0,0,135000,135000,0,1000,800,1000,800,800,6650,30,18000,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,800,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2836",0,0,5000,0,5000,0,-17000,0,-17000,-12000,-7600,47,4860,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,-17000,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2837",0,0,0,0,0,9500,6500,9500,6500,6500,12800,60,10368,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,6500,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2838",22000,0,85000,51900,33100,13000,5800,35000,27800,60900,66643,34,34680,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.3669286,27800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2839",0,0,50000,43000,7000,5,-3495,5,-3495,3505,3505,29,44472,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-3495,1,0,0,0,0,1,0,0,1,0,0,0,0 +"2840",0,0,0,0,0,2499,2499,2499,2499,2499,2499,47,23883,3,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,2499,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2841",14400,0,169000,70000,99000,40500,38500,54900,52900,151900,160900,41,69693,4,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,52900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2842",0,0,0,0,0,2000,2000,2000,2000,2000,22339,33,79713,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,2000,0,0,0,0,0,0,0,1,0,1,0,0,0 +"2843",0,0,0,0,0,710,-8540,710,-8540,-8540,-4540,27,48042,2,18,0,1,1,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-8540,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2844",11060,0,60000,32000,28000,4500,-500,15560,10560,38560,49011,46,45531,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,10560,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2845",0,0,0,0,0,0,-2000,0,-2000,-2000,5242,47,7800,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2000,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2846",8000,0,185000,117500,67500,20000,20000,28000,28000,95500,95500,34,105246,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,28000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2847",0,0,112500,91000,21500,1800,-12300,1800,-12300,9200,9200,36,67005,5,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-12300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2848",0,0,60000,13000,47000,648,-112,648,-112,46888,47888,52,37830,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-112,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2849",0,0,200000,55000,145000,16000,16000,16000,16000,161000,161000,46,51960,12,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,16000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2850",0,0,65000,49000,16000,1499,199,1499,199,16199,19199,42,32130,4,17,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,199,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2851",34770,0,300000,150000,150000,1054849,1054849,1089619,1089619,1239619,1294619,38,135405,3,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,1089619,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2852",0,0,90000,60000,30000,3304,1704,3304,1704,31704,39204,64,28830,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1704,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2853",0,0,60000,37000,23000,650,450,650,450,23450,37450,44,37260,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,450,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2854",0,0,90000,75000,15000,30000,29000,30000,29000,44000,55000,31,48420,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,29000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2855",0,0,56000,56000,0,351,-5122,351,-5122,-5122,178,38,37197,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5122,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2856",0,0,0,0,0,0,0,0,0,0,0,35,1920,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2857",800,0,50000,30000,20000,1569,-10798,2369,-9998,10002,33002,36,56190,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-9998,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2858",0,0,0,0,0,300,300,300,300,300,1400,27,19800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2859",16000,0,90000,0,90000,660,610,16660,16610,106610,109285,61,25233,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,16610,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2860",0,0,0,0,0,1920,-47080,1920,-47080,-47080,-45080,44,41961,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-47080,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2861",0,0,68000,57600,10400,7250,72,7250,72,10472,14672,29,51879,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,72,1,0,0,0,0,0,1,0,1,0,0,0,0 +"2862",0,0,110400,110400,0,2860,1746,2860,1746,1746,1746,44,31527,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1746,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2863",0,0,0,0,0,2600,-19175,2600,-19175,-19175,-4175,30,28716,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-19175,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2864",0,0,0,0,0,611,611,611,611,611,6572,35,23268,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,611,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2865",0,0,300000,150000,150000,200,200,200,200,150200,160879,46,19440,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2866",0,0,45300,45300,0,154,-3146,154,-3146,-3146,-3146,38,36654,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-3146,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2867",0,0,59000,41500,17500,1599,1599,1599,1599,19099,19599,47,12336,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1599,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2868",0,0,70000,57732,12268,500,-4000,500,-4000,8268,13768,30,34041,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2869",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,29,35643,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2870",0,0,30000,21000,9000,111,-1889,111,-1889,7111,7111,48,41007,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1889,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2871",0,0,0,0,0,33349,33199,33349,33199,33199,38374,49,53919,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,33199,0,0,0,0,0,0,1,0,0,0,0,1,0 +"2872",0,0,80000,0,80000,283,-917,283,-917,79083,81415,25,37692,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-917,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2873",0,0,46000,24000,22000,1250,1080,1250,1080,23080,26080,49,19392,3,13,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,1080,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2874",4000,0,0,0,0,40500,40500,44500,44500,44500,65862,42,83616,1,12,1,0,0,0,1,0,0,1,0,1,0,0,7,2,0.4935519,44500,0,0,0,0,0,0,0,1,0,0,1,0,0 +"2875",0,0,0,0,0,0,-150,0,-150,-150,350,53,10200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2876",0,0,45000,40000,5000,0,-1078,0,-1078,3922,3922,30,13350,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1078,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2877",0,0,0,0,0,600,355,600,355,355,855,32,10512,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,355,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2878",0,0,20000,4500,15500,103,-3197,103,-3197,12303,12803,37,18429,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3197,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2879",1800,0,26000,0,26000,2600,2213,6650,6263,32263,39263,35,16113,5,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,4013,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2880",0,0,0,0,0,300,300,300,300,300,7043,57,16830,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,300,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2881",3800,0,0,0,0,2051,-1649,5851,2151,2151,7651,36,20310,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,2151,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2882",0,0,42000,20000,22000,0,0,0,0,22000,29800,25,34953,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2883",0,0,70000,42500,27500,1000,0,1000,0,27500,30000,25,30651,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2884",300,0,59000,31900,27100,540,-2460,840,-2160,24940,25090,35,23073,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,-2160,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2885",0,0,0,0,0,1700,-800,1700,-800,-800,4200,28,21600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2886",0,0,0,0,0,235,-2065,235,-2065,-2065,-2065,43,25068,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-2065,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2887",8800,0,75000,65000,10000,11000,10800,19800,19600,29600,30600,37,94929,4,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,19600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2888",0,0,0,0,0,2223,2223,2223,2223,2223,2973,50,10362,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2223,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2889",0,0,0,0,0,0,0,0,0,0,0,47,8316,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2890",0,0,0,0,0,499,499,499,499,499,499,29,17280,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,499,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2891",0,0,0,0,0,137,-5763,137,-5763,-5763,-5763,29,10800,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-5763,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2892",0,0,0,0,0,0,0,0,0,0,0,25,18150,5,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2893",0,0,0,0,0,225,225,225,225,225,3303,27,7332,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,225,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2894",0,0,40000,0,40000,1000,1000,1000,1000,41000,41000,27,17520,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2895",0,0,0,0,0,499,-201,499,-201,-201,9395,27,15330,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-201,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2896",9000,0,50000,0,50000,6448,5948,15448,14948,64948,72498,47,16980,1,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,14948,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2897",0,0,0,0,0,275,-1125,275,-1125,-1125,-1125,25,16800,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1125,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2898",0,0,50000,35000,15000,900,900,900,900,15900,20566,64,12642,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,900,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2899",900,0,50000,33000,17000,2900,2300,3800,3200,20200,32700,40,27150,6,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,3200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2900",0,0,210000,137000,73000,25104,24654,25104,24654,97654,100904,52,40041,3,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,24654,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2901",0,0,0,0,0,0,0,0,0,0,0,25,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2902",15302,0,200000,44000,156000,10115,6115,25417,21417,177417,177417,55,54360,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,21417,1,0,0,0,0,0,1,0,0,0,0,0,1 +"2903",0,0,0,0,0,500,500,500,500,500,8179,25,7164,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,500,0,1,0,0,0,0,0,0,1,0,0,0,0 +"2904",0,0,0,0,0,0,0,0,0,0,0,49,11730,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"2905",0,0,0,0,0,0,0,0,0,0,0,34,4548,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2906",0,0,52500,52500,0,5500,2100,5500,2100,2100,3196,32,26973,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2907",0,0,0,0,0,0,0,0,0,0,0,33,24993,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2908",0,0,45000,37000,8000,750,600,750,600,8600,8600,47,24015,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2909",0,0,11000,5200,5800,1500,1340,1500,1340,7140,12190,27,21690,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1340,1,0,0,1,0,0,0,0,1,0,0,0,0 +"2910",0,0,0,0,0,1000,1000,1000,1000,1000,1000,28,14460,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2911",0,0,150000,40000,110000,899,-301,899,-301,109699,109699,54,21462,2,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.273178,-301,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2912",0,0,0,0,0,500,500,500,500,500,600,34,15330,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2913",0,0,0,0,0,0,-1300,0,-1300,-1300,700,40,20400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-1300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2914",0,0,0,0,0,0,0,0,0,0,250,40,9300,9,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"2915",0,0,0,0,0,7300,7300,7300,7300,7300,7300,38,13740,3,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,7300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2916",0,0,25000,19400,5600,844,-6656,844,-6656,-1056,944,44,37644,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6656,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2917",0,0,0,0,0,102,-3798,102,-3798,-3798,-1998,35,26319,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3798,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2918",0,0,0,0,0,30248,20262,30248,20262,20262,34637,27,15291,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,20262,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2919",0,0,69500,69500,0,1100,-700,1100,-700,-700,-700,35,43233,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2920",0,0,87000,87000,0,2200,-3800,2200,-3800,-3800,-3800,36,53460,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-3800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2921",0,0,0,0,0,100,100,100,100,100,100,38,27852,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2922",0,0,50000,31000,19000,29771,29771,29771,29771,48771,48771,33,30966,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,29771,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2923",10600,0,62000,46000,16000,1400,400,12000,11000,27000,36500,42,52884,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2924",0,0,0,0,0,0,-600,0,-600,-600,-600,60,7650,2,3,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-600,0,1,0,0,0,0,0,0,0,0,0,0,1 +"2925",8000,0,45000,27000,18000,17398,17398,25398,25398,43398,46898,61,18204,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,25398,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2926",0,0,0,0,0,1999,1799,1999,1799,1799,5149,25,13506,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1799,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2927",8000,0,100000,0,100000,3675,3675,11675,11675,111675,115100,62,16845,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,11675,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2928",0,0,0,0,0,0,0,0,0,0,0,49,4632,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2929",2000,0,91000,31800,59200,9899,8399,11899,10399,69599,90299,40,29622,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,10399,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2930",27149,0,27000,19900,7100,10765,10745,37914,37894,44994,47894,48,27660,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,37894,1,0,0,1,0,0,0,0,0,0,0,1,0 +"2931",0,0,0,0,0,900,-1100,900,-1100,-1100,13270,33,15618,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-1100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2932",0,0,0,0,0,125,-425,125,-425,-425,5254,37,48000,3,17,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-425,0,0,0,0,0,1,0,0,0,0,1,0,0 +"2933",0,0,40000,30000,10000,4,-996,4,-996,9004,9004,32,46401,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-996,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2934",0,0,0,0,0,1100,-200,1100,-200,-200,11800,31,49434,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-200,0,0,0,0,0,1,0,0,0,1,0,0,0 +"2935",0,0,150000,25000,125000,999,999,999,999,125999,125999,45,44940,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.4407951,999,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2936",0,0,0,0,0,2999,2999,2999,2999,2999,2999,33,19800,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2999,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2937",0,0,30000,0,30000,0,0,0,0,30000,30000,54,9180,5,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2938",0,0,250000,0,250000,17075,17075,17075,17075,267075,284425,35,30300,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,17075,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2939",7000,0,0,0,0,23100,8400,30100,15400,15400,15400,39,50400,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,15400,0,0,0,0,0,0,1,0,0,0,1,0,0 +"2940",0,0,160000,114000,46000,1100,-10900,1100,-10900,35100,141100,38,54765,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-10900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2941",0,0,260000,135000,125000,16660,14060,16660,14060,139060,160060,38,94503,5,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,14060,1,0,0,0,0,0,0,1,0,0,1,0,0 +"2942",0,0,0,0,0,0,0,0,0,0,3350,50,5610,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"2943",0,0,70000,54000,16000,200,-8000,200,-8000,8000,15000,34,35625,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-8000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2944",0,0,40000,10000,30000,10,-710,10,-710,29290,29290,37,10566,6,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-710,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2945",0,0,59000,41000,18000,700,700,700,700,18700,47175,38,18900,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,700,1,0,1,0,0,0,0,0,0,0,1,0,0 +"2946",5000,0,135000,70000,65000,16200,13200,21200,18200,83200,83200,47,49086,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,18200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"2947",5000,0,200000,82000,118000,4000,1900,9000,6900,124900,124900,37,69009,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2948",0,0,0,0,0,0,0,0,0,0,0,34,4815,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2949",0,0,150000,106000,44000,9516,-1334,9516,-1334,42666,42666,31,36153,5,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-1334,1,0,0,0,1,0,0,0,0,1,0,0,0 +"2950",0,0,90000,50000,40000,9999,9999,9999,9999,49999,65999,45,63366,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,9999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2951",0,0,95000,2700,92300,500,-2400,500,-2400,89900,143700,46,56388,5,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"2952",70000,0,185000,100000,85000,400000,399400,470000,469400,554400,554400,61,172092,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,469400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2953",10000,0,150000,0,150000,26499,25599,36499,35599,185599,185599,35,114300,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,35599,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2954",38000,0,112000,50000,62000,800,800,38800,38800,100800,100800,44,61455,4,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,38800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"2955",0,0,40000,17000,23000,5900,4272,5900,4272,27272,27272,43,21168,2,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,4272,1,0,0,1,0,0,0,0,0,0,1,0,0 +"2956",0,0,24000,18500,5500,0,-1200,0,-1200,4300,4300,52,5742,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1200,1,1,0,0,0,0,0,0,0,0,0,1,0 +"2957",0,0,0,0,0,0,0,0,0,0,0,31,21828,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2958",16824,0,144600,0,144600,986302,986302,1003126,1003126,1147726,1147726,64,43272,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,1003126,1,0,0,0,0,1,0,0,0,0,0,0,1 +"2959",0,0,0,0,0,0,0,0,0,0,500,33,16062,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"2960",0,0,0,0,0,500,-4400,500,-4400,-4400,-4300,25,21879,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2961",6000,0,100000,35000,65000,73998,73998,79998,79998,144998,159423,57,38040,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,79998,1,0,0,0,1,0,0,0,0,0,0,0,1 +"2962",2500,0,122000,102050,19950,6000,2000,8500,4500,24450,28450,34,48078,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,4500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"2963",4500,0,300000,150000,150000,81000,81000,85500,85500,235500,261075,34,102009,1,18,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,85500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"2964",3000,0,0,0,0,17000,14750,20000,17750,17750,17750,30,53400,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,17750,0,0,0,0,0,0,1,0,0,1,0,0,0 +"2965",0,0,43000,43000,0,200,200,200,200,200,200,47,14412,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,200,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2966",12000,0,150000,33750,116250,0,0,12000,12000,128250,128250,56,77430,5,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,12000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"2967",0,0,225000,110000,115000,8900,8900,8900,8900,123900,123900,36,43260,8,8,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,8900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"2968",1400,0,55000,45000,10000,100,-1900,1500,-500,9500,16206,44,30840,3,8,0,1,1,1,1,0,0,1,1,0,0,0,4,1,0.3524857,-500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"2969",18000,0,250000,80000,170000,58700,58550,76700,76550,246550,281550,45,79317,3,12,0,1,1,1,1,0,0,1,0,1,0,0,7,2,0.5801663,76550,1,0,0,0,0,0,0,1,0,0,0,1,0 +"2970",60000,0,80000,30000,50000,17000,16850,77000,76850,126850,134850,50,38400,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,76850,1,0,0,0,1,0,0,0,0,0,0,1,0 +"2971",0,0,85000,0,85000,16999,10199,16999,10199,95199,95199,57,17988,3,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,10199,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2972",0,0,70000,50000,20000,1000,1000,1000,1000,21000,25096,54,13797,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,1000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"2973",0,0,0,0,0,4999,3899,4999,3899,3899,5199,33,32160,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,3899,0,0,0,0,1,0,0,0,0,1,0,0,0 +"2974",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,30,7650,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-1000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"2975",4500,0,0,0,0,970,-630,5470,3870,3870,7536,35,23037,1,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,3870,0,0,0,1,0,0,0,0,0,1,0,0,0 +"2976",0,0,0,0,0,10,-1490,10,-1490,-1490,3510,26,11460,4,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1490,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2977",0,0,0,0,0,20,-8680,20,-8680,-8680,-8680,26,19785,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-8680,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2978",0,0,0,0,0,0,-3016,0,-3016,-3016,-2178,59,12906,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3016,0,0,1,0,0,0,0,0,0,0,0,0,1 +"2979",0,0,0,0,0,2200,2200,2200,2200,2200,2200,41,15432,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"2980",0,0,46000,45000,1000,210,10,210,10,1010,5606,29,16194,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,10,1,0,1,0,0,0,0,0,1,0,0,0,0 +"2981",0,0,90000,81000,9000,0,-7000,0,-7000,2000,5000,34,17445,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-7000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"2982",0,0,30000,27000,3000,300,300,300,300,3300,3300,32,21420,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"2983",23000,0,55000,52500,2500,0,-2800,23000,20200,22700,29825,27,9240,1,16,0,0,1,0,1,0,0,1,0,0,0,1,1,4,0.1431995,20200,1,1,0,0,0,0,0,0,1,0,0,0,0 +"2984",0,0,50000,49000,1000,3000,3000,3000,3000,4000,13000,28,32034,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,3000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"2985",0,0,0,0,0,750,350,750,350,350,4350,59,32856,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,350,0,0,0,0,1,0,0,0,0,0,0,0,1 +"2986",0,0,60000,35000,25000,500,-2500,500,-2500,22500,22500,57,26832,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-2500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"2987",0,0,0,0,0,50,-13950,50,-13950,-13950,-6750,37,27330,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-13950,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2988",0,0,0,0,0,60,-1440,60,-1440,-1440,-1240,37,22482,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1440,0,0,0,1,0,0,0,0,0,0,1,0,0 +"2989",0,0,0,0,0,1100,-1500,1100,-1500,-1500,2833,28,33849,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2990",0,0,0,0,0,5795,5795,5795,5795,5795,22670,27,45219,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,5795,0,0,0,0,0,1,0,0,1,0,0,0,0 +"2991",0,0,0,0,0,1100,-2900,1100,-2900,-2900,-2900,46,28605,2,15,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2900,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2992",24000,0,0,0,0,60000,60000,84000,84000,84000,93050,62,25020,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,84000,0,0,0,1,0,0,0,0,0,0,0,0,1 +"2993",0,0,0,0,0,4850,4550,4850,4550,4550,8550,26,13320,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,4550,0,0,1,0,0,0,0,0,1,0,0,0,0 +"2994",0,0,30000,0,30000,3000,850,3000,850,30850,38350,59,14415,2,5,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,850,1,0,1,0,0,0,0,0,0,0,0,0,1 +"2995",0,0,70000,0,70000,500,-600,500,-600,69400,69400,60,3888,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-600,1,1,0,0,0,0,0,0,0,0,0,0,1 +"2996",0,0,0,0,0,27600,-2400,27600,-2400,-2400,-1200,28,28887,2,18,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-2400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"2997",0,0,0,0,0,80,80,80,80,80,2580,29,39606,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,80,0,0,0,0,1,0,0,0,1,0,0,0,0 +"2998",0,0,0,0,0,11999,11999,11999,11999,11999,21449,46,26964,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,11999,0,0,0,1,0,0,0,0,0,0,0,1,0 +"2999",0,0,84000,57000,27000,0,-700,0,-700,26300,26300,35,18903,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-700,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3000",0,0,23000,23000,0,300,-5400,300,-5400,-5400,2600,33,15708,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5400,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3001",0,0,0,0,0,900,750,900,750,750,4975,26,18360,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,750,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3002",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,32,53796,5,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-1000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3003",17000,0,100000,56000,44000,3600,3600,20600,20600,64600,64600,59,33360,2,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,20600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3004",0,0,0,0,0,2500,2500,2500,2500,2500,2500,62,17919,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2500,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3005",0,0,0,0,0,0,0,0,0,0,0,42,7668,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3006",0,0,35000,33000,2000,350,350,350,350,2350,3350,27,27810,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,350,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3007",0,0,0,0,0,0,-3200,0,-3200,-3200,-3200,60,15810,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-3200,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3008",26000,0,70000,37000,33000,2100,1800,28100,27800,60800,67700,43,44016,1,13,0,0,0,0,1,0,0,1,0,0,1,0,5,3,0.4414764,27800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3009",0,0,300000,150000,150000,41949,41649,41949,41649,191649,191649,60,47040,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,41649,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3010",0,0,25000,11000,14000,1600,1600,1600,1600,15600,19150,45,25320,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3011",0,0,225000,50000,175000,300,-6900,300,-6900,168100,168600,41,19170,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-6900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3012",24500,0,50000,0,50000,35000,35000,59500,59500,109500,109500,61,22659,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,59500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3013",0,0,0,0,0,0,0,0,0,0,0,40,25536,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3014",0,0,82000,79000,3000,51,51,51,51,3051,5051,43,39120,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,51,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3015",0,0,55000,53000,2000,9,9,9,9,2009,2009,48,2427,3,8,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0.375,9,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3016",0,0,0,0,0,0,0,0,0,0,0,61,11844,3,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3017",0,0,0,0,0,0,-600,0,-600,-600,-600,34,8322,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-600,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3018",0,0,87000,87000,0,1100,-12900,1100,-12900,-12900,-10325,34,29250,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-12900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3019",0,0,0,0,0,350,-1450,350,-1450,-1450,7550,25,17361,2,14,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3791962,-1450,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3020",0,0,60000,30000,30000,150,-2350,150,-2350,27650,31000,40,6783,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-2350,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3021",0,0,47000,47000,0,0,-5000,0,-5000,-5000,-2000,36,28527,3,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3022",0,0,0,0,0,13000,13000,13000,13000,13000,13000,57,4875,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,13000,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3023",6500,0,205000,150000,55000,1449,-23551,7949,-17051,37949,37949,64,39339,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-17051,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3024",0,0,97000,69000,28000,200,-50,200,-50,27950,27950,31,43476,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-50,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3025",8000,0,62000,22000,40000,8450,2950,16450,10950,50950,53700,48,30870,3,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,10950,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3026",0,0,0,0,0,1600,-600,1600,-600,-600,3066,30,17430,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-600,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3027",3500,0,11800,0,11800,35,-165,3535,3335,15135,17435,51,27888,5,13,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.3788275,3335,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3028",0,0,116000,60000,56000,68049,43599,68049,43599,99599,99599,42,28515,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,43599,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3029",22000,0,40000,0,40000,1499,1499,23499,23499,63499,66849,55,8460,1,16,0,1,0,0,1,0,0,1,0,0,0,1,1,4,0.2088342,23499,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3030",0,0,160000,103900,56100,13100,11900,13100,11900,68000,236086,55,56598,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,11900,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3031",0,0,0,0,0,1500,700,1500,700,700,700,37,19467,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,700,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3032",1750,0,0,0,0,800,800,2550,2550,2550,32632,64,8172,3,8,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2246842,2550,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3033",0,0,15000,0,15000,0,-4000,0,-4000,11000,11700,46,14400,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3034",0,0,0,0,0,310,310,310,310,310,810,40,25194,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,310,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3035",0,0,0,0,0,0,0,0,0,0,0,31,8031,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3036",0,0,0,0,0,40000,-143500,40000,-143500,-143500,-134800,34,63600,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,-143500,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3037",1700,0,70000,10500,59500,6550,6550,8250,8250,67750,67750,62,39648,2,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,8250,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3038",0,0,0,0,0,1049,249,1049,249,249,5792,41,34794,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,249,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3039",0,0,0,0,0,4000,-101436,4000,-101436,-101436,-100736,31,42555,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-101436,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3040",0,0,0,0,0,4800,1800,4800,1800,1800,3300,56,24672,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1800,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3041",0,0,0,0,0,13,13,13,13,13,13,39,7023,5,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,13,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3042",0,0,0,0,0,16549,16549,16549,16549,16549,32602,26,11118,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,16549,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3043",0,0,0,0,0,425,40,425,40,40,1140,33,18834,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,40,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3044",0,0,26750,26750,0,81,-5919,81,-5919,-5919,-5919,35,22473,4,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5919,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3045",0,0,65000,50000,15000,58300,55300,58300,55300,70300,123400,57,74856,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,55300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3046",0,0,45000,45000,0,50,50,50,50,50,1550,49,15741,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3047",0,0,95000,85000,10000,2000,2000,2000,2000,12000,27000,41,48000,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3048",300,0,0,0,0,3103,-8897,3403,-8597,-8597,-8597,34,31833,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.277538,-8597,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3049",0,0,0,0,0,50,-397,50,-397,-397,103,35,21177,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-397,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3050",0,0,0,0,0,0,-1100,0,-1100,-1100,-1100,46,9120,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1100,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3051",0,0,60000,47500,12500,500,500,500,500,13000,19004,25,18390,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3052",300,0,75000,0,75000,0,0,300,300,75300,79825,36,8964,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,300,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3053",3000,0,57000,20000,37000,6440,3940,9440,6940,43940,52940,48,61665,3,12,0,1,1,1,1,0,0,1,0,1,0,0,6,2,0.5336504,6940,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3054",0,0,20000,18000,2000,10,-5490,10,-5490,-3490,-3115,40,28044,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-5490,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3055",0,0,6000,7000,-1000,0,-1500,0,-1500,-2500,-375,39,13104,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3056",0,0,0,0,0,0,0,0,0,0,0,28,5550,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3057",0,0,0,0,0,4,-5996,4,-5996,-5996,-5496,31,8085,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-5996,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3058",7000,0,95000,58000,37000,15000,13800,22000,20800,57800,58800,43,47358,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,20800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3059",0,0,0,0,0,0,0,0,0,0,3000,35,12624,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3060",0,0,80000,16000,64000,200,-1000,200,-1000,63000,63000,52,28191,3,11,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-1000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3061",0,0,140000,101000,39000,442,-158,442,-158,38842,41363,32,29244,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-158,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3062",0,0,0,0,0,75,-4325,75,-4325,-4325,-4325,38,31956,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-4325,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3063",0,0,0,0,0,400,-19600,400,-19600,-19600,11400,46,48000,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-19600,0,0,0,0,0,1,0,0,0,0,0,1,0 +"3064",0,0,24000,18000,6000,50,50,50,50,6050,6450,54,20580,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,50,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3065",50000,0,165000,0,165000,28000,18100,78000,68100,233100,302775,53,35016,2,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,68100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3066",8500,0,70000,50000,20000,13998,13998,22498,22498,42498,65177,43,26367,2,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2658667,22498,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3067",2244,0,60000,42000,18000,2065,-453,4309,1791,19791,23591,28,30936,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,1791,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3068",0,0,0,0,0,45,45,45,45,45,45,38,11082,4,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,45,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3069",16000,0,35000,9000,26000,7458,7458,33458,33458,59458,59458,63,33951,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,23458,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3070",0,0,0,0,0,10,10,10,10,10,1510,29,18480,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,10,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3071",0,0,0,0,0,0,0,0,0,0,2000,44,17505,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3072",0,0,0,0,0,499,499,499,499,499,3849,31,2736,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,499,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3073",0,0,0,0,0,1444,494,1444,494,494,494,38,18468,4,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,494,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3074",40000,0,0,0,0,1699,1699,41699,41699,41699,174374,61,17508,1,14,1,0,0,0,1,0,0,1,0,0,1,0,2,3,0.3268128,41699,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3075",0,0,103000,0,103000,8500,8300,8500,8300,111300,111300,44,16797,4,13,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,8300,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3076",0,0,35000,18000,17000,1399,1339,1399,1339,18339,18339,52,14460,3,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1339,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3077",0,0,80000,0,80000,7000,6930,7000,6930,86930,86930,60,36966,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,6930,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3078",31000,0,81000,0,81000,6000,6000,37000,37000,118000,125675,59,24660,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,37000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3079",0,0,85000,37000,48000,500,500,500,500,48500,48500,34,44688,4,15,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3080",0,0,45000,45000,0,0,0,0,0,0,7625,35,12114,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3081",0,0,25000,0,25000,200,-6700,200,-6700,18300,20425,64,17040,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-6700,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3082",0,0,72000,60000,12000,400,-2600,400,-2600,9400,15900,41,48615,4,15,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5315816,-2600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3083",0,0,38000,38000,0,2084,2084,2084,2084,2084,10084,38,12384,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,2084,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3084",0,0,100000,0,100000,27798,19798,27798,19798,119798,121798,36,24297,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,19798,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3085",0,0,40000,39900,100,410,-6890,410,-6890,-6790,-4290,29,22362,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-6890,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3086",0,0,25000,3600,21400,0,-700,0,-700,20700,20700,29,9120,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-700,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3087",6000,0,0,0,0,2700,2700,8700,8700,8700,11750,53,14124,3,10,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,8700,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3088",600,0,92000,87000,5000,11700,3700,12300,4300,9300,16625,42,3579,2,16,0,0,0,0,1,0,0,1,0,0,0,1,1,4,0.1431995,4300,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3089",0,0,14000,0,14000,295,-2905,295,-2905,11095,12995,31,17238,3,1,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2905,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3090",0,0,7000,6000,1000,25,-1340,25,-1340,-340,7660,37,26553,2,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-1340,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3091",0,0,68000,8000,60000,300,-9700,300,-9700,50300,62300,56,37869,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-9700,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3092",33424,0,165000,59000,106000,3749,3749,37173,37173,143173,153173,51,37971,2,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,37173,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3093",50000,0,0,0,0,4600,-10200,54600,39800,39800,52200,40,132057,4,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4888144,39800,0,0,0,0,0,0,0,1,0,0,1,0,0 +"3094",0,0,0,0,0,500,-9500,500,-9500,-9500,-6800,27,28800,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-9500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3095",0,0,19000,14000,5000,40,-1360,40,-1360,3640,4540,40,15045,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1360,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3096",0,0,170000,129000,41000,100,-3800,100,-3800,37200,37700,64,26946,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3097",13600,0,60000,0,60000,25800,25800,39400,39400,99400,109400,59,33921,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,39400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3098",0,0,0,0,0,900,900,900,900,900,900,48,13050,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,900,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3099",0,0,0,0,0,2000,-3000,2000,-3000,-3000,-2000,27,39600,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3100",0,0,0,0,0,150,-450,150,-450,-450,-450,30,16413,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-450,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3101",27174,0,275000,50000,225000,31887,31887,59061,59061,284061,418561,63,71184,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,59061,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3102",0,0,0,0,0,1940,-10060,1940,-10060,-10060,940,28,54894,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10060,0,0,0,0,0,0,1,0,1,0,0,0,0 +"3103",0,0,0,0,0,54,-246,54,-246,-246,1879,29,9849,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-246,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3104",0,0,80000,0,80000,16209,16209,16209,16209,96209,108209,55,23346,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,16209,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3105",0,0,0,0,0,0,0,0,0,0,8053,30,11550,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3106",0,0,40000,40000,0,1075,875,1075,875,875,45525,59,18204,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,875,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3107",0,0,75000,75000,0,17212,17212,17212,17212,17212,18437,31,28974,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,17212,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3108",0,0,0,0,0,4200,-2800,4200,-2800,-2800,-2800,40,18696,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3109",0,0,50000,0,50000,6415,6215,6415,6215,56215,64215,25,16938,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,6215,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3110",0,0,0,0,0,0,0,0,0,0,0,36,25500,5,9,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3111",34000,0,115000,0,115000,74998,74498,108998,108498,223498,249498,62,35550,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,108498,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3112",0,0,0,0,0,300,300,300,300,300,1050,52,22848,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,300,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3113",0,0,0,0,0,0,0,0,0,0,0,29,4872,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3114",0,0,49000,15000,34000,47,-7953,47,-7953,26047,47047,59,42948,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-7953,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3115",0,0,0,0,0,0,-700,0,-700,-700,-700,31,8400,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-700,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3116",0,0,0,0,0,0,-3200,0,-3200,-3200,7800,32,30630,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-3200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3117",0,0,150000,127000,23000,1500,1050,1500,1050,24050,25650,40,56505,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1050,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3118",0,0,72000,68000,4000,1500,1500,1500,1500,5500,7500,42,36666,3,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,1500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3119",0,0,0,0,0,0,-12600,0,-12600,-12600,-12600,43,7050,4,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-12600,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3120",64800,0,200000,0,200000,904199,904199,968999,968999,1168999,1168999,58,33915,2,1,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,968999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3121",0,0,0,0,0,10,10,10,10,10,1010,26,8049,5,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,10,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3122",0,0,0,0,0,0,0,0,0,0,0,42,2952,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3123",4000,0,0,0,0,450,50,4450,4050,4050,4050,33,52800,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,4050,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3124",0,0,25000,0,25000,13769,13569,13769,13569,38569,200134,64,13737,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,13569,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3125",0,0,76000,63000,13000,2614,1414,2614,1414,14414,16414,38,36150,5,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,1414,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3126",0,0,40000,26000,14000,800,800,800,800,14800,14800,48,37080,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3127",0,0,0,0,0,105,-1345,105,-1345,-1345,-1345,63,16575,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1345,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3128",11000,0,55000,36000,19000,23200,21700,34200,32700,51700,94100,60,45471,2,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,32700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3129",0,0,60000,52000,8000,8849,5849,8849,5849,13849,19849,40,35157,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5849,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3130",0,0,0,0,0,0,-3000,0,-3000,-3000,-3000,43,8880,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-3000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3131",13000,0,90000,40000,50000,3200,2630,16200,15630,65630,65630,58,49170,2,14,0,1,1,0,1,0,0,1,0,0,1,0,5,3,0.4624346,15630,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3132",0,0,0,0,0,3500,1100,3500,1100,1100,7100,26,26475,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,1100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3133",0,0,0,0,0,1400,-10000,1400,-10000,-10000,7000,30,58413,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3134",0,0,0,0,0,2800,-24500,2800,-24500,-24500,-20569,55,23208,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-24500,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3135",2000,0,0,0,0,40000,40000,42000,42000,42000,42000,32,67590,4,18,0,1,1,0,1,0,0,1,0,0,0,1,6,4,0.3533661,42000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3136",0,0,45000,36000,9000,6393,994,6393,994,9994,9994,38,29640,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,994,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3137",0,0,115000,115000,0,1799,1799,1799,1799,1799,12042,34,73764,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,1799,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3138",0,0,0,0,0,350,200,350,200,200,3687,37,11040,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3139",0,0,113000,113000,0,857,-643,857,-643,-643,3798,44,27675,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-643,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3140",0,0,0,0,0,50,-550,50,-550,-550,4000,30,17349,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-550,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3141",0,0,0,0,0,0,0,0,0,0,0,54,8478,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3142",0,0,0,0,0,249,-351,249,-351,-351,3506,28,15315,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-351,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3143",0,0,80000,0,80000,41499,41499,41499,41499,121499,121499,58,20976,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,41499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3144",0,0,0,0,0,500,500,500,500,500,3975,27,18006,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3145",6000,0,0,0,0,1799,799,7799,6799,6799,15260,57,23850,1,13,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2029813,6799,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3146",0,0,75000,60000,15000,38349,38149,38349,38149,53149,53149,29,44748,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,38149,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3147",0,0,0,0,0,100,100,100,100,100,100,58,16947,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3148",0,0,10000,0,10000,1900,1800,1900,1800,11800,11800,60,16149,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,1800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3149",0,0,35000,30500,4500,175,-16225,175,-16225,-11725,-7685,35,31191,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-16225,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3150",0,0,300000,70000,230000,199,-1501,199,-1501,228499,232499,25,36168,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1501,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3151",0,0,165000,84000,81000,35000,35000,35000,35000,116000,116000,34,92097,4,18,0,1,1,0,1,0,0,0,0,0,0,1,7,4,0.5679367,35000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"3152",750,0,0,0,0,50,50,800,800,800,7863,27,18000,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3153",0,0,0,0,0,400,400,400,400,400,900,27,13464,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3154",0,0,0,0,0,2299,-13901,2299,-13901,-13901,-13901,42,34227,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-13901,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3155",0,0,45000,45000,0,0,-256,0,-256,-256,244,37,12633,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-256,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3156",0,0,0,0,0,1100,-6900,1100,-6900,-6900,-2900,63,33432,7,12,1,1,0,0,1,0,0,0,0,1,0,0,4,2,0.5896286,-6900,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3157",51445,0,50000,45000,5000,2000,-10000,53445,41445,46445,70445,50,60426,2,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,41445,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3158",0,0,265000,120000,145000,500,-3300,500,-3300,141700,141700,39,60030,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-3300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3159",0,0,0,0,0,700,-9300,700,-9300,-9300,-7634,59,31959,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-9300,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3160",50000,0,80000,48000,32000,20620,19870,70620,69870,101870,130970,61,52806,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,69870,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3161",2500,0,150000,89000,61000,5000,3000,7500,5500,66500,70825,51,43590,2,17,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,5500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3162",0,0,0,0,0,0,0,0,0,0,0,26,6168,4,14,0,1,1,1,1,0,0,0,0,0,1,0,1,3,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3163",0,0,0,0,0,200,200,200,200,200,10811,39,24840,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3164",0,0,55000,40000,15000,150,150,150,150,15150,17650,53,14343,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,150,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3165",0,0,0,0,0,0,0,0,0,0,750,36,5103,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3166",8000,0,0,0,0,16200,16200,24200,24200,24200,24950,32,22392,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,24200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3167",0,0,300000,150000,150000,11000,7000,11000,7000,157000,157000,33,76050,4,15,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,7000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"3168",0,0,10000,7120,2880,42,-14958,42,-14958,-12078,-12078,25,19680,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-14958,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3169",0,0,3500,0,3500,500,-2000,500,-2000,1500,71500,30,40389,5,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3170",0,0,42000,42000,0,349,-1851,349,-1851,-1851,-1851,33,28203,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1851,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3171",6500,0,300000,0,300000,129720,129720,161626,161626,461626,461626,48,107922,4,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,136220,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3172",0,0,0,0,0,0,-40000,0,-40000,-40000,-40000,46,40224,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,-40000,0,0,0,0,0,1,0,0,0,0,0,1,0 +"3173",0,0,55000,23000,32000,7696,-5154,7696,-5154,26846,82106,41,79434,4,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,-5154,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3174",0,0,0,0,0,5800,5800,5800,5800,5800,5800,55,38613,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,5800,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3175",0,0,0,0,0,650,400,650,400,400,2975,28,25014,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3176",0,0,0,0,0,90,-30910,90,-30910,-30910,-23910,29,24384,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-30910,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3177",0,0,0,0,0,0,-9400,0,-9400,-9400,-8900,31,19200,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-9400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3178",0,0,101000,100000,1000,850,850,850,850,1850,8350,32,16575,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,850,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3179",13200,0,150000,87500,62500,48877,48166,62077,61366,123866,123866,44,61581,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,61366,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3180",4411,0,140000,57000,83000,98699,98299,103110,102710,185710,189060,54,24900,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,102710,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3181",0,0,0,0,0,400,400,400,400,400,6538,28,11481,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3182",0,0,0,0,0,0,-5000,0,-5000,-5000,-5000,29,8058,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5000,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3183",0,0,0,0,0,24000,23850,24000,23850,23850,23850,30,21720,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,23850,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3184",0,0,0,0,0,53700,53700,53700,53700,53700,53700,26,36309,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,53700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3185",0,0,0,0,0,0,-800,0,-800,-800,-800,38,19125,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3186",12000,0,95000,47500,47500,28411,28411,40411,40411,87911,92236,60,35859,2,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,40411,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3187",0,0,65000,50000,15000,0,-2600,0,-2600,12400,13975,46,13956,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3188",0,0,35000,0,35000,775,75,775,75,35075,38575,43,18366,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,75,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3189",0,0,80000,46000,34000,1499,1499,1499,1499,35499,40106,41,25761,1,17,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,1499,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3190",0,0,0,0,0,0,0,0,0,0,0,25,17850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3191",0,0,40000,0,40000,270,270,270,270,40270,40270,64,12576,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,270,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3192",21300,0,85000,0,85000,61600,61350,82900,82650,167650,202650,53,121836,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,82650,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3193",22000,0,45000,20000,25000,5449,4549,27449,26549,51549,54969,60,27420,2,11,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,26549,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3194",5000,0,0,0,0,585,-15515,5585,-10515,-10515,-10515,37,20406,4,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,-10515,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3195",2500,0,0,0,0,2830,2830,5330,5330,5330,13330,27,25284,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,5330,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3196",0,0,0,0,0,249,249,249,249,249,249,32,32451,6,4,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,249,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3197",0,0,0,0,0,0,0,0,0,0,0,28,17700,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3198",0,0,140000,0,140000,24500,24292,24500,24292,164292,164292,47,25926,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,24292,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3199",0,0,0,0,0,11400,11400,11400,11400,11400,11400,26,15822,2,17,1,1,0,1,1,0,0,0,0,0,0,1,2,4,0.3791962,11400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3200",0,0,150000,60000,90000,2000,-1250,2000,-1250,88750,115750,32,45780,3,14,0,1,1,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1250,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3201",0,0,80000,57200,22800,200,-100,200,-100,22700,35700,26,32016,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-100,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3202",0,0,0,0,0,0,0,0,0,0,1250,48,18696,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3203",0,0,70000,19000,51000,1820,-2280,1820,-2280,48720,48720,42,35280,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2280,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3204",0,0,0,0,0,0,0,0,0,0,0,55,12240,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3205",0,0,35000,22000,13000,1050,50,1050,50,13050,87300,46,19233,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,50,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3206",0,0,160000,55000,105000,1300,-9700,1300,-9700,95300,96800,34,26985,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-9700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3207",0,0,0,0,0,125,125,125,125,125,1125,31,17145,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,125,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3208",50,0,0,0,0,300,-40700,350,-40650,-40650,4950,38,6750,2,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,-40650,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3209",0,0,0,0,0,5550,4950,5550,4950,4950,17050,28,19587,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,4950,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3210",0,0,65000,19500,45500,10850,10450,10850,10450,55950,56550,52,41697,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,10450,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3211",0,0,10000,9800,200,150,150,150,150,350,4950,39,20517,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,150,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3212",0,0,34000,0,34000,3749,-611,3749,-611,33389,47389,41,37440,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-611,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3213",0,0,0,0,0,360,-940,360,-940,-940,1785,34,5106,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-940,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3214",4461,0,65000,54000,11000,13518,13068,17979,17529,28529,35529,31,65259,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,17529,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3215",4844,0,120000,55000,65000,0,-1500,4844,3344,68344,68344,47,51972,4,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,3344,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3216",0,0,0,0,0,0,0,0,0,0,0,43,13743,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3217",0,0,0,0,0,1999,-9001,1999,-9001,-9001,-3901,25,33729,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-9001,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3218",0,0,0,0,0,649,-351,649,-351,-351,-351,36,48351,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-351,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3219",0,0,0,0,0,0,0,0,0,0,0,64,10200,2,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3220",12000,0,80000,0,80000,49999,49999,61999,61999,141999,142499,61,28650,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,61999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3221",0,0,0,0,0,400,400,400,400,400,6750,41,13632,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3222",6000,0,80000,0,80000,42800,40800,48800,46800,126800,129550,58,24804,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,46800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3223",28000,0,180000,0,180000,154949,154749,182949,182749,362749,517749,55,51606,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,182749,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3224",0,0,100000,0,100000,4100,920,4100,920,100920,105170,45,30240,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,920,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3225",0,0,35000,33900,1100,300,0,300,0,1100,3100,30,31200,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3226",0,0,78000,57950,20050,12003,10948,12003,10948,30998,42320,30,59253,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,10948,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3227",0,0,63800,7252,56548,0,-5650,0,-5650,50898,50898,49,16092,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-5650,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3228",0,0,0,0,0,2000,-5000,2000,-5000,-5000,-1154,28,36060,1,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-5000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3229",0,0,0,0,0,0,0,0,0,0,0,61,16320,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3230",0,0,0,0,0,15,-235,15,-235,-235,265,62,7338,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-235,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3231",0,0,140000,81000,59000,86907,72907,86907,72907,131907,131907,30,58080,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,72907,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3232",0,0,220000,150000,70000,3250,-1750,3250,-1750,68250,85750,27,71598,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1750,1,0,0,0,0,0,1,0,1,0,0,0,0 +"3233",0,0,0,0,0,1000,-3000,1000,-3000,-3000,-3000,58,36975,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-3000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3234",0,0,56000,45000,11000,2900,2900,2900,2900,13900,13900,50,26640,4,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3235",0,0,0,0,0,2200,-3800,2200,-3800,-3800,1200,25,51207,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-3800,0,0,0,0,0,0,1,0,1,0,0,0,0 +"3236",3500,0,250000,30000,220000,13998,13998,17498,17498,237498,503797,41,161550,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,17498,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3237",0,0,0,0,0,7000,7000,7000,7000,7000,7000,25,41856,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,7000,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3238",0,0,0,0,0,2500,2500,2500,2500,2500,2500,30,18639,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3239",49000,0,65000,50000,15000,37330,37030,86330,86030,101030,115030,40,43203,4,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.4624346,86030,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3240",0,0,14000,14000,0,33,-1267,33,-1267,-1267,733,38,20340,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1267,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3241",28948,0,150000,58500,91500,107036,105636,135984,134584,226084,235584,47,106620,2,12,1,1,1,1,1,0,0,1,0,1,0,0,7,2,0.7316045,134584,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3242",0,0,0,0,0,2000,-2000,2000,-2000,-2000,5000,28,37296,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3243",0,0,30000,0,30000,500,500,500,500,30500,33000,26,26736,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3244",0,0,0,0,0,1000,-200,1000,-200,-200,1050,30,21660,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3245",0,0,0,0,0,420,420,420,420,420,3445,41,16740,2,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,420,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3246",0,0,0,0,0,0,0,0,0,0,1500,35,9063,7,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3247",0,0,0,0,0,5300,4800,5300,4800,4800,7475,40,26208,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,4800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3248",0,0,0,0,0,2000,-4000,2000,-4000,-4000,475,45,42576,1,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,-4000,0,0,0,0,0,1,0,0,0,0,0,1,0 +"3249",0,0,60000,0,60000,400,400,400,400,60400,262900,48,8916,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,400,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3250",0,0,0,0,0,0,0,0,0,0,0,63,16500,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3251",0,0,0,0,0,0,0,0,0,0,0,33,9396,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3252",0,0,30000,15600,14400,8710,8460,8710,8460,22860,30735,26,24300,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,8460,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3253",0,0,39000,32000,7000,0,-16747,0,-16747,-9747,-9747,39,23703,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-16747,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3254",0,0,0,0,0,0,0,0,0,0,0,40,10260,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3255",300,0,0,0,0,846,-3154,1146,-2854,-2854,43746,54,28059,5,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,-2854,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3256",0,0,80000,0,80000,1200,-20800,1200,-20800,59200,62700,30,41412,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-20800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3257",22800,0,20000,0,20000,27713,27713,50513,50513,70513,87151,51,8082,2,12,0,1,0,1,1,0,0,1,0,1,0,0,1,2,0.2088342,50513,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3258",0,0,0,0,0,750,-2450,750,-2450,-2450,-1950,29,23274,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2450,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3259",0,0,80000,72000,8000,799,-14361,799,-14361,-6361,-4061,31,52185,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-14361,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3260",0,0,20000,10100,9900,250,250,250,250,10150,10750,54,24714,3,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,250,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3261",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,33,10200,10,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3262",0,0,0,0,0,4000,3000,4000,3000,3000,4500,38,19227,3,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3263",0,0,0,0,0,0,-8000,0,-8000,-8000,-5900,29,9000,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-8000,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3264",0,0,58000,0,58000,0,0,0,0,58000,59313,33,12000,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3265",0,0,135000,37000,98000,2850,2470,2850,2470,100470,105470,52,39186,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2470,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3266",0,0,0,0,0,4500,2900,4500,2900,2900,2900,29,29670,3,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,2900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3267",11784,0,65000,0,65000,77084,77084,88868,88868,153868,158786,61,59940,2,10,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,88868,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3268",0,0,97000,65000,32000,1318,-11270,1318,-11270,20730,20730,36,78549,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-11270,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3269",0,0,70000,44500,25500,2645,-1855,2645,-1855,23645,23645,34,47754,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-1855,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3270",5000,0,95000,73500,21500,15270,15270,20270,20270,41770,47145,33,56808,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,20270,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3271",0,0,43000,42000,1000,14999,14984,14999,14984,15984,15984,26,23787,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,14984,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3272",0,0,80000,32000,48000,550,-3980,550,-3980,44020,44020,54,27870,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3980,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3273",0,0,35000,8500,26500,675,-625,675,-625,25875,25875,57,25227,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-625,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3274",0,0,65000,34000,31000,14498,13498,14498,13498,44498,44675,40,48240,6,17,1,1,0,0,1,0,0,0,0,0,0,1,5,4,0.6077043,13498,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3275",2100,0,200000,25000,175000,7149,7149,9249,9249,184249,190249,29,16827,3,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.1464927,9249,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3276",0,0,0,0,0,249,-12251,249,-12251,-12251,-12251,43,51663,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-12251,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3277",0,0,41000,41000,0,305,305,305,305,305,805,32,28122,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,305,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3278",0,0,45000,30500,14500,1198,1098,1198,1098,15598,22598,48,28296,2,15,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,1098,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3279",0,0,0,0,0,100,100,100,100,100,850,58,12255,1,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,100,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3280",0,0,85000,50000,35000,6999,4999,6999,4999,39999,54844,56,36420,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,4999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3281",0,0,18000,18000,0,550,-650,550,-650,-650,4400,40,19209,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-650,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3282",0,0,25000,0,25000,1500,-2500,1500,-2500,22500,22500,62,17805,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3283",0,0,99500,0,99500,150,-350,150,-350,99150,99150,62,23310,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-350,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3284",0,0,0,0,0,87,-3413,87,-3413,-3413,7587,45,8880,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-3413,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3285",40000,0,140000,85000,55000,75500,75500,115500,115500,170500,170500,38,117651,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,115500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3286",0,0,0,0,0,15,15,15,15,15,3348,47,12240,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,15,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3287",0,0,0,0,0,3300,1700,3300,1700,1700,1700,25,13266,2,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,1700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3288",0,0,40000,38800,1200,1005,255,1005,255,1455,9993,26,24900,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,255,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3289",0,0,0,0,0,400,-33900,400,-33900,-33900,-33900,43,42024,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-33900,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3290",0,0,0,0,0,3200,-700,3200,-700,-700,3275,36,23595,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3291",0,0,0,0,0,1800,1800,1800,1800,1800,2300,32,19224,1,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,1800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3292",0,0,0,0,0,0,0,0,0,0,0,48,8670,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3293",4000,0,165000,37000,128000,4949,1949,8949,5949,133949,133949,31,39627,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5949,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3294",0,0,0,0,0,0,0,0,0,0,0,45,19677,4,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3295",0,0,0,0,0,0,0,0,0,0,0,56,25500,2,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3296",20000,0,250000,0,250000,0,0,20000,20000,270000,303025,54,40902,2,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,20000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3297",11000,0,16000,14150,1850,0,-100,11000,10900,12750,16100,41,14064,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,10900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3298",18000,0,150000,65000,85000,14055,14055,32055,32055,117055,120405,61,48033,2,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,32055,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3299",0,0,10000,0,10000,0,-3000,0,-3000,7000,21000,31,20229,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3300",18000,0,205000,85000,120000,1200,-2500,19200,15500,135500,280500,39,52077,5,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,15500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3301",0,0,210000,140000,70000,1600,-32400,1600,-32400,37600,43600,30,66000,5,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-32400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3302",0,0,55000,28000,27000,2400,2400,2400,2400,29400,33900,40,21420,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,2400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3303",0,0,80000,45000,35000,7650,5350,7650,5350,40350,48075,43,52803,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,5350,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3304",18000,0,60000,0,60000,9000,8000,27000,26000,86000,96455,64,28908,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2658667,26000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3305",0,0,27500,16800,10700,7248,6848,7248,6848,17548,17548,64,32817,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,6848,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3306",3000,0,56000,36000,20000,60000,60000,63000,63000,83000,83000,27,15660,3,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,63000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3307",0,0,0,0,0,5,-7195,5,-7195,-7195,-7195,31,47904,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-7195,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3308",0,0,60000,59000,1000,50,50,50,50,1050,1050,28,13770,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3309",0,0,50000,0,50000,0,0,0,0,50000,50000,51,12324,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3310",0,0,35000,22000,13000,280,-7920,280,-7920,5080,6080,41,19641,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7920,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3311",0,0,0,0,0,600,100,600,100,100,2750,38,6879,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,100,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3312",0,0,0,0,0,26882,26564,26882,26564,26564,84564,45,70035,2,10,0,0,1,0,1,0,0,0,1,0,0,0,6,1,0.3169526,26564,0,0,0,0,0,0,1,0,0,0,0,1,0 +"3313",1469,0,0,0,0,140,140,1609,1609,1609,2351,59,20430,1,6,1,0,1,0,1,0,0,1,1,0,0,0,3,1,0.5117899,1609,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3314",0,0,0,0,0,8179,7179,8179,7179,7179,7179,28,13428,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,7179,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3315",16000,0,300000,0,300000,330000,329400,359000,358400,658400,1315400,61,179373,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,345400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3316",0,0,55000,41500,13500,605,75,605,75,13575,13575,47,33933,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,75,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3317",0,0,0,0,0,0,0,0,0,0,0,35,5085,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3318",17200,0,0,0,0,25099,24699,42299,41899,41899,41899,45,28500,4,18,0,1,1,0,1,0,0,1,0,0,0,1,3,4,0.2061994,41899,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3319",0,0,90000,78000,12000,0,0,0,0,12000,12500,31,20565,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3320",0,0,0,0,0,32,-4968,32,-4968,-4968,-2468,29,19140,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4968,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3321",0,0,0,0,0,150,-850,150,-850,-850,1650,28,30015,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3322",0,0,225000,32500,192500,129120,129120,129120,129120,321620,350445,49,47019,3,18,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,129120,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3323",0,0,0,0,0,5300,5200,5300,5200,5200,10625,59,6876,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,5200,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3324",0,0,0,0,0,25,-875,25,-875,-875,-875,43,23892,6,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-875,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3325",0,0,0,0,0,125,-4975,125,-4975,-4975,25,27,26259,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4975,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3326",0,0,0,0,0,0,0,0,0,0,500,38,15321,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3327",0,0,93000,93000,0,3000,-14000,3000,-14000,-14000,1900,49,89100,4,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-14000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3328",10000,0,0,0,0,325,325,10325,10325,10325,10325,56,1188,1,8,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0.1173758,10325,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3329",0,0,75000,0,75000,5000,2600,5000,2600,77600,93950,61,16056,5,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,2600,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3330",30000,0,300000,69500,230500,20900,20700,50900,50700,281200,281200,50,76260,3,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,50700,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3331",0,0,0,0,0,0,0,0,0,0,0,26,2805,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3332",0,0,0,0,0,3010,2610,3010,2610,2610,5960,43,25200,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2610,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3333",0,0,122000,2000,120000,4000,3600,4000,3600,123600,123600,31,31800,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,3600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3334",0,0,80000,0,80000,0,0,0,0,80000,87350,57,13362,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3335",3800,0,80000,42000,38000,5659,1159,9459,4959,42959,44459,36,26640,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,4959,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3336",970,0,130000,122000,8000,10,-1240,980,-270,7730,65905,32,42987,3,16,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,-270,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3337",0,0,65000,53000,12000,3000,3000,12000,12000,24000,32000,30,37101,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,3000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3338",0,0,0,0,0,0,-128,0,-128,-128,-128,32,22080,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-128,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3339",30000,0,80000,0,80000,14999,14999,44999,44999,124999,125999,51,17700,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,44999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3340",0,0,0,0,0,500,500,500,500,500,1250,28,10500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3341",0,0,0,0,0,4,-11566,4,-11566,-11566,-11566,34,45288,2,14,1,1,1,0,1,0,0,0,0,0,1,0,5,3,0.5995759,-11566,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3342",0,0,0,0,0,450,-5150,450,-5150,-5150,-3000,43,17520,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5150,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3343",0,0,240000,150000,90000,7025,6672,7025,6672,96672,110876,57,27180,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,6672,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3344",30000,0,60000,0,60000,67150,58900,97150,88900,148900,170900,61,83301,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,88900,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3345",0,0,159000,10000,149000,75000,75000,75000,75000,224000,224000,55,60705,2,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,75000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3346",0,0,12000,13293,-1293,85,-10946,85,-10946,-12239,-12001,64,33651,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-10946,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3347",0,0,50000,28000,22000,0,-900,0,-900,21100,21100,35,28755,7,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3348",0,0,0,0,0,0,0,0,0,0,1350,31,25845,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3349",0,0,0,0,0,500,500,500,500,500,500,49,20430,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,500,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3350",25500,0,120000,67000,53000,254000,250650,279500,276150,329150,337150,60,53277,2,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,276150,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3351",0,0,0,0,0,1400,-500,1400,-500,-500,950,29,13272,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3352",0,0,70000,25000,45000,1849,-601,1849,-601,44399,49249,46,22410,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-601,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3353",48590,0,55000,0,55000,6259,6259,54849,54849,109849,109849,55,26193,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,54849,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3354",0,0,68000,68000,0,618,384,618,384,384,7127,29,7977,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,384,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3355",400,0,0,0,0,1200,1200,1600,1600,1600,4100,36,31869,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,1600,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3356",0,0,44000,0,44000,9599,5599,9599,5599,49599,49599,64,21372,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,5599,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3357",11000,0,74000,20000,54000,20799,20799,31799,31799,85799,93799,60,23568,3,11,1,0,0,0,1,0,0,1,1,0,0,0,3,1,0.4720998,31799,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3358",0,0,0,0,0,0,0,0,0,0,500,27,16200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3359",2500,0,146000,146000,0,5029,5029,7529,7529,7529,7529,38,9480,1,8,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0.1431995,7529,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3360",0,0,0,0,0,1249,1249,1249,1249,1249,6249,27,28575,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1249,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3361",0,0,45000,15000,30000,9249,9249,9249,9249,39249,66849,57,16305,3,13,1,1,0,0,1,0,0,0,0,0,1,0,2,3,0.3623197,9249,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3362",8500,0,120000,70000,50000,9000,5000,17500,13500,63500,70500,44,48300,3,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,13500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3363",0,0,43500,32800,10700,11000,5800,11000,5800,16500,26500,38,13449,2,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,5800,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3364",0,0,0,0,0,0,0,0,0,0,0,33,23601,4,10,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3365",0,0,0,0,0,300,300,300,300,300,300,28,28806,3,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3366",0,0,0,0,0,26900,26900,26900,26900,26900,26900,32,38808,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,26900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3367",0,0,45000,0,45000,0,-26,0,-26,44974,47115,62,11394,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-26,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3368",10000,0,215000,150000,65000,23000,21402,33000,31402,96402,533402,38,55419,5,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,31402,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3369",0,0,0,0,0,3900,-11900,3900,-11900,-11900,-6400,32,69720,3,15,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-11900,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3370",0,0,86000,79300,6700,1700,-2300,1700,-2300,4400,17400,29,46839,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-2300,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3371",0,0,0,0,0,0,0,0,0,0,500,49,15300,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3372",0,0,0,0,0,2000,0,2000,0,0,12000,26,37476,2,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3373",1025,0,250000,15000,235000,5100,5100,6125,6125,241125,243625,47,58407,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,6125,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3374",0,0,58000,54000,4000,1400,-3800,1400,-3800,200,4200,32,25224,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3375",0,0,0,0,0,0,-2700,0,-2700,-2700,-2700,37,32385,4,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-2700,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3376",0,0,0,0,0,0,-200,0,-200,-200,1800,30,30342,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3377",0,0,0,0,0,150,-5850,150,-5850,-5850,-4184,40,36015,1,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-5850,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3378",0,0,0,0,0,0,0,0,0,0,0,43,10500,5,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3379",3300,0,50000,0,50000,4200,4200,7500,7500,57500,282500,34,48786,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,7500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3380",27000,0,110000,29000,81000,50040,49840,77040,76840,157840,180540,61,52854,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,76840,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3381",0,0,68000,22000,46000,0,0,0,0,46000,46000,38,99996,4,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,0,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3382",0,0,186000,33750,152250,3499,3499,3499,3499,155749,159099,56,14748,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,3499,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3383",0,0,89000,72000,17000,3459,2259,3459,2259,19259,20559,48,44361,6,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,2259,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3384",0,0,0,0,0,0,0,0,0,0,500,53,14994,1,2,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3385",35000,0,140000,850,139150,60500,60500,97500,97500,236650,726650,41,57657,3,3,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,95500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3386",0,0,0,0,0,210,210,210,210,210,15210,29,20313,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,210,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3387",0,0,0,0,0,0,-80,0,-80,-80,420,30,13980,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-80,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3388",0,0,0,0,0,49,49,49,49,49,49,48,26958,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,49,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3389",0,0,0,0,0,1398,398,1398,398,398,398,41,38844,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,398,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3390",0,0,68000,49000,19000,300,-1450,300,-1450,17550,20050,38,30396,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-1450,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3391",0,0,0,0,0,0,-170,0,-170,-170,-170,43,15330,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-170,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3392",0,0,0,0,0,120,-3880,120,-3880,-3880,1362,25,31803,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-3880,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3393",0,0,55000,0,55000,0,-1950,0,-1950,53050,61625,63,14400,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1950,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3394",0,0,95000,68800,26200,14733,12633,14733,12633,38833,38833,25,49026,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,12633,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3395",0,0,25000,10000,15000,0,-1850,0,-1850,13150,28950,37,28065,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1850,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3396",0,0,0,0,0,0,0,0,0,0,0,41,48000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3397",0,0,97600,0,97600,0,0,0,0,97600,97600,57,20091,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3398",0,0,85000,60000,25000,100,-30,100,-30,24970,30970,42,43350,5,15,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-30,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3399",5600,0,150000,0,150000,23000,22700,28600,28300,178300,187150,55,55752,2,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,28300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3400",0,0,30000,0,30000,0,-3200,0,-3200,26800,35300,29,21840,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3401",0,0,0,0,0,0,-1900,0,-1900,-1900,-1900,38,25164,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3402",0,0,70000,45000,25000,11234,11234,11234,11234,36234,37234,54,8580,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,11234,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3403",0,0,0,0,0,0,0,0,0,0,0,45,7500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3404",0,0,0,0,0,700,700,700,700,700,700,37,27072,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3405",0,0,31000,29000,2000,100,100,100,100,2100,2600,60,17328,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,100,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3406",0,0,0,0,0,3406,-3244,3406,-3244,-3244,2756,25,16266,2,13,0,1,1,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-3244,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3407",5000,0,0,0,0,400,-7600,5400,-2600,-2600,9400,39,16200,4,13,0,1,0,1,1,0,0,1,0,0,1,0,2,3,0.118155,-2600,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3408",0,0,0,0,0,0,-8900,0,-8900,-8900,-6950,28,22500,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3409",0,0,115000,30000,85000,375,-12425,375,-12425,72575,72575,30,37800,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-12425,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3410",0,0,185000,127000,58000,1878,-122,1878,-122,57878,66548,44,66579,3,15,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,-122,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3411",0,0,79900,0,79900,25699,25699,25699,25699,105599,105599,52,30870,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,25699,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3412",0,0,0,0,0,0,-18000,0,-18000,-18000,-17875,26,37608,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-18000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3413",0,0,52650,52650,0,0,-3720,0,-3720,-3720,19280,34,28935,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3720,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3414",3700,0,55000,42000,13000,1920,1222,5620,4922,17922,59922,52,32826,6,14,0,1,1,0,1,0,0,1,0,0,1,0,4,3,0.3524857,4922,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3415",0,0,12000,0,12000,0,0,0,0,12000,12500,33,6375,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,1,0,0,0 +"3416",0,0,0,0,0,13000,12000,13000,12000,12000,13850,34,19110,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,12000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3417",0,0,0,0,0,964,964,964,964,964,5436,26,22305,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,964,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3418",0,0,80000,0,80000,3100,-8005,3100,-8005,71995,73995,39,74649,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-8005,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3419",0,0,165000,76000,89000,4000,-5000,4000,-5000,84000,84800,48,45165,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3420",0,0,0,0,0,0,0,0,0,0,2850,38,17694,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3421",0,0,125000,46000,79000,2900,1580,2900,1580,80580,84430,40,15594,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,1580,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3422",0,0,0,0,0,800,800,800,800,800,800,37,18048,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3423",0,0,0,0,0,0,0,0,0,0,0,33,6900,4,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3424",2050,0,58000,27000,31000,499,-1,2549,2049,33049,38249,38,30003,4,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,2049,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3425",0,0,0,0,0,0,-1100,0,-1100,-1100,-300,37,14850,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3426",0,0,45000,25000,20000,11700,11400,11700,11400,31400,40300,28,44376,4,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,11400,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3427",0,0,0,0,0,9999,4299,9999,4299,4299,23299,55,36600,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,4299,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3428",24000,0,0,0,0,67230,67230,91230,91230,91230,91980,56,28260,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,91230,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3429",0,0,0,0,0,0,0,0,0,0,0,42,18423,4,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3430",3700,0,80000,75500,4500,18070,6070,21770,9770,14270,52270,33,50862,4,10,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,9770,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3431",16500,0,225000,45000,180000,6000,6000,22500,22500,202500,242500,61,64050,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,22500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3432",0,0,0,0,0,1000,1000,1000,1000,1000,1000,33,11196,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3433",10300,0,18000,18000,0,6000,5500,16300,15800,15800,33800,35,21606,2,13,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.3788275,15800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3434",0,0,0,0,0,0,0,0,0,0,500,26,10626,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3435",0,0,30000,19500,10500,686,686,686,686,11186,12186,36,19200,3,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,686,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3436",8000,0,130000,45000,85000,15700,15700,23700,23700,108700,111875,39,32100,1,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,23700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3437",0,0,0,0,0,500,-700,500,-700,-700,1238,27,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3438",6000,0,0,0,0,70000,70000,76000,76000,76000,76000,64,30432,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.277538,76000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3439",8000,0,200000,150000,50000,54000,54000,62000,62000,112000,118000,57,82290,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,62000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3440",0,0,107000,92000,15000,500,0,500,0,15000,15000,40,53091,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3441",0,0,5000,0,5000,14813,14813,14813,14813,19813,28163,64,6450,3,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,14813,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3442",2500,0,175000,65000,110000,3500,3500,6000,6000,116000,136200,46,58992,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3443",0,0,0,0,0,112,112,112,112,112,2912,33,17796,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,112,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3444",0,0,0,0,0,2700,1200,2700,1200,1200,1200,27,30195,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,1200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3445",0,0,0,0,0,0,-450,0,-450,-450,-450,36,10200,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-450,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3446",0,0,45000,32173,12827,160,-9176,160,-9176,3651,16280,37,35730,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-9176,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3447",0,0,0,0,0,0,0,0,0,0,0,28,23970,4,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3448",0,0,32000,10000,22000,0,-57200,0,-57200,-35200,-35200,47,10542,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-57200,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3449",0,0,32000,32000,0,2500,-3500,2500,-3500,-3500,14625,41,18675,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3450",0,0,0,0,0,850,-3050,850,-3050,-3050,-50,25,18999,2,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3050,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3451",0,0,0,0,0,2210,-790,2210,-790,-790,-790,49,40512,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-790,0,0,0,0,0,1,0,0,0,0,0,1,0 +"3452",0,0,0,0,0,6,6,6,6,6,2506,26,15219,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,6,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3453",0,0,60000,0,60000,37500,35000,37500,35000,95000,95000,43,38490,3,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,35000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3454",0,0,0,0,0,700,-800,700,-800,-800,-800,58,4242,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-800,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3455",0,0,300000,150000,150000,30000,26000,30000,26000,176000,180000,40,52998,1,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,26000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3456",0,0,0,0,0,5450,4400,5450,4400,4400,4400,32,34233,4,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,4400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3457",0,0,0,0,0,1909,1709,1909,1709,1709,2709,27,17706,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1709,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3458",0,0,0,0,0,0,-2500,0,-2500,-2500,-1000,31,5358,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2500,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3459",0,0,45000,0,45000,6649,6649,6649,6649,51649,53449,61,14760,2,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,6649,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3460",0,0,0,0,0,154,154,154,154,154,4154,25,28728,4,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,154,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3461",0,0,63000,41000,22000,1399,-5951,1399,-5951,16049,18049,47,16407,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-5951,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3462",19800,0,70000,0,70000,2062,2062,21862,21862,91862,92362,46,44220,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,21862,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3463",0,0,0,0,0,3000,3000,3000,3000,3000,3000,51,21969,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,3000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3464",0,0,0,0,0,0,0,0,0,0,0,46,18000,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3465",0,0,0,0,0,499,499,499,499,499,499,30,19446,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,499,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3466",0,0,75000,71500,3500,5700,-40300,5700,-40300,-36800,-29150,28,51660,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-40300,1,0,0,0,0,0,1,0,1,0,0,0,0 +"3467",0,0,0,0,0,25,25,25,25,25,2191,34,12291,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3468",1000,0,0,0,0,200,-200,1200,800,800,4300,29,17595,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.105793,800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3469",0,0,95000,68300,26700,638,-9362,638,-9362,17338,17338,30,39948,3,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-9362,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3470",0,0,50000,0,50000,800,500,800,500,50500,50500,38,28050,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3471",13000,0,20000,14000,6000,0,-1000,13000,12000,18000,18375,35,13704,6,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,12000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3472",0,0,35000,15000,20000,1152,1152,1152,1152,21152,24702,61,23562,1,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1152,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3473",0,0,0,0,0,600,600,600,600,600,4825,26,20430,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,600,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3474",0,0,185000,100000,85000,60015,60015,60015,60015,145015,145015,37,26550,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,60015,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3475",18000,0,200000,90000,110000,5900,5750,23900,23750,133750,146555,63,80796,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,23750,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3476",2500,0,37000,31000,6000,100,100,2600,2600,8600,11100,34,4350,1,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1431995,2600,1,1,0,0,0,0,0,0,0,1,0,0,0 +"3477",0,0,22000,14000,8000,0,-1208,0,-1208,6792,13535,60,10665,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-1208,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3478",0,0,125000,0,125000,2999,2999,2999,2999,127999,127999,60,18402,5,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,2999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3479",0,0,75000,35000,40000,5000,-4000,5000,-4000,36000,36000,40,50076,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3480",0,0,0,0,0,1000,1000,1000,1000,1000,1000,35,27792,5,14,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.4366938,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3481",2500,0,90000,55000,35000,12500,12500,15000,15000,50000,65000,40,41535,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,15000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3482",0,0,13000,13000,0,0,0,0,0,0,1500,37,17580,5,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3483",0,0,45000,28500,16500,0,0,0,0,16500,16500,36,3246,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3484",0,0,0,0,0,600,-2400,600,-2400,-2400,-2400,36,30837,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3485",0,0,0,0,0,150,150,150,150,150,150,29,25209,5,2,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,150,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3486",0,0,35000,0,35000,0,0,0,0,35000,35500,42,10200,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3487",0,0,0,0,0,5,5,5,5,5,3355,31,16560,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,5,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3488",0,0,27000,27000,0,2952,1152,2952,1152,1152,17752,48,26349,3,6,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,1152,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3489",0,0,0,0,0,300,300,300,300,300,1300,30,22722,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3490",0,0,0,0,0,30,-1370,30,-1370,-1370,900,27,12093,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1370,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3491",0,0,6000,3000,3000,380,-120,380,-120,2880,2680,26,15450,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-120,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3492",0,0,145000,130000,15000,2550,-19450,2550,-19450,-4450,1229,28,68229,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-19450,1,0,0,0,0,0,1,0,1,0,0,0,0 +"3493",0,0,0,0,0,200,-1600,200,-1600,-1600,-175,45,33840,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1600,0,0,0,0,1,0,0,0,0,0,0,1,0 +"3494",0,0,29000,0,29000,800,-6298,800,-6298,22702,23482,56,29856,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-6298,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3495",0,0,120000,93000,27000,10378,10378,10378,10378,37378,44478,39,21996,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,10378,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3496",0,0,0,0,0,888,-11312,888,-11312,-11312,-9233,29,26418,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-11312,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3497",2500,0,300000,70000,230000,80000,80000,82500,82500,312500,317958,58,34800,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,82500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3498",0,0,60000,28000,32000,0,0,0,0,32000,32300,39,12132,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3499",0,0,0,0,0,2029,2029,2029,2029,2029,2029,53,19956,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2029,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3500",0,0,120000,0,120000,20000,18450,20000,18450,138450,144450,53,22614,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,18450,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3501",0,0,0,0,0,0,-200,0,-200,-200,-200,30,8247,4,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-200,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3502",0,0,100000,19850,80150,69600,58100,69600,58100,138250,243828,63,74199,2,17,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,58100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3503",0,0,72000,72000,0,400,200,400,200,200,4200,47,20400,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3504",0,0,10000,6600,3400,0,-1100,0,-1100,2300,11140,53,4950,2,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-1100,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3505",0,0,86000,22000,64000,40748,6548,40748,6548,70548,70548,51,45003,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6548,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3506",0,0,0,0,0,0,0,0,0,0,9253,31,26862,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3507",0,0,300000,150000,150000,10800,4600,10800,4600,154600,161600,48,70368,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,4600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3508",0,0,80000,45000,35000,150,-14850,150,-14850,20150,20150,46,25500,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-14850,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3509",0,0,65050,65050,0,2000,-15600,2000,-15600,-15600,-2600,30,57996,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-15600,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3510",0,0,65000,18200,46800,5500,4800,5500,4800,51600,51600,60,16140,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,4800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3511",10000,0,0,0,0,3500,3300,13500,13300,13300,23150,49,9660,1,18,1,0,1,0,1,0,0,1,0,0,0,1,1,4,0.2246842,13300,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3512",3800,0,0,0,0,1525,775,5325,4575,4575,7575,40,13170,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,4575,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3513",0,0,65000,31000,34000,400,-600,400,-600,33400,38400,44,47250,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3514",0,0,0,0,0,400,-3400,400,-3400,-3400,8933,27,21900,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3515",0,0,30000,0,30000,0,0,0,0,30000,31700,50,18729,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3516",20800,0,62000,48000,14000,52800,48300,73600,69100,83100,111100,52,62526,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,69100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3517",0,0,105000,90000,15000,17699,16199,17699,16199,31199,36557,39,50250,4,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,16199,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3518",3825,0,65000,0,65000,0,-2000,3825,1825,66825,71825,28,30900,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,1825,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3519",0,0,40000,0,40000,5000,4500,5000,4500,44500,87500,53,50700,5,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3520",30000,0,40000,15000,25000,5498,-502,35498,29498,54498,68398,39,54315,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,29498,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3521",0,0,200000,0,200000,24999,24999,24999,24999,224999,224999,49,63396,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,24999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3522",0,0,0,0,0,0,0,0,0,0,0,38,11340,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3523",0,0,80000,44900,35100,0,-8800,0,-8800,26300,30300,33,30828,5,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-8800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3524",0,0,31110,28000,3110,100,-380,100,-380,2730,4730,33,28575,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-380,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3525",0,0,0,0,0,165,-735,165,-735,-735,2944,25,17853,3,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-735,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3526",29578,0,0,0,0,16667,12667,46245,42245,42245,49745,39,57201,5,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.3533661,42245,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3527",0,0,225000,150000,75000,28849,28649,28849,28649,103649,118145,60,28875,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,28649,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3528",0,0,30000,24000,6000,5748,5748,5748,5748,11748,11748,51,20193,2,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,5748,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3529",0,0,85000,77000,8000,9999,9199,9999,9199,17199,17199,49,101946,6,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,9199,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3530",17000,0,150000,0,150000,79200,76970,96200,93970,243970,333970,45,34644,3,8,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,93970,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3531",0,0,0,0,0,625,-112,625,-112,-112,638,52,11751,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-112,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3532",0,0,0,0,0,5008,-3592,5008,-3592,-3592,-2098,31,16020,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-3592,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3533",0,0,42000,0,42000,30,-3070,30,-3070,38930,39118,34,13707,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3070,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3534",0,0,65000,0,65000,1100,1100,1100,1100,66100,72300,60,30639,3,13,1,1,0,0,1,0,0,0,0,0,1,0,4,3,0.5297047,1100,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3535",0,0,50000,5000,45000,300,-2650,300,-2650,42350,52350,38,29481,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2650,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3536",400,0,70000,25000,45000,39999,39174,40399,39574,84574,134974,60,30780,5,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,39574,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3537",0,0,55000,0,55000,31499,30799,31499,30799,85799,85799,53,35340,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,30799,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3538",0,0,27000,4000,23000,78998,77098,78998,77098,100098,100098,49,21396,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,77098,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3539",0,0,80000,21000,59000,500,-4500,500,-4500,54500,61243,39,24375,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3540",0,0,0,0,0,0,-11300,0,-11300,-11300,-3300,34,50400,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-11300,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3541",0,0,0,0,0,13697,13697,13697,13697,13697,30697,33,32442,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,13697,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3542",0,0,0,0,0,0,0,0,0,0,1000,46,43200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,0,0,0,0,0,0,1,0,0,0,0,0,1,0 +"3543",0,0,0,0,0,8,8,8,8,8,508,27,15615,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,8,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3544",0,0,0,0,0,500,-14500,500,-14500,-14500,-11000,26,14670,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-14500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3545",0,0,0,0,0,0,0,0,0,0,200,30,19380,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3546",0,0,0,0,0,3800,3800,3800,3800,3800,4700,36,21402,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,3800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3547",0,0,0,0,0,250,250,250,250,250,6993,44,7962,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,250,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3548",0,0,150000,131000,19000,9050,7455,9050,7455,26455,38328,40,68850,2,15,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,7455,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3549",2800,0,0,0,0,1510,1510,4310,4310,4310,12335,50,22263,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,4310,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3550",0,0,0,0,0,0,-8800,0,-8800,-8800,-4800,35,23880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-8800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3551",0,0,75000,42000,33000,200,-1800,200,-1800,31200,31200,33,49428,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-1800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3552",0,0,0,0,0,770,270,770,270,270,270,41,36162,1,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,270,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3553",0,0,0,0,0,0,-9000,0,-9000,-9000,-7500,37,28320,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3554",0,0,0,0,0,0,0,0,0,0,1000,34,6480,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3555",0,0,0,0,0,4000,3955,4000,3955,3955,8180,31,23562,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3955,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3556",0,0,40000,0,40000,11983,11983,11983,11983,51983,58833,62,20970,1,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,11983,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3557",0,0,0,0,0,0,0,0,0,0,0,42,26400,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3558",0,0,0,0,0,1200,1200,1200,1200,1200,5796,37,18000,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3559",26359,0,300000,100000,200000,5154,-6846,31513,19513,219513,228013,54,36636,3,11,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,19513,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3560",0,0,0,0,0,0,0,0,0,0,2000,26,17850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3561",2000,0,65000,20000,45000,61211,-338789,63211,-336789,-291789,-201789,55,46221,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,-336789,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3562",0,0,100000,0,100000,18200,18200,18200,18200,118200,118200,53,34920,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,18200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3563",11000,0,200000,0,200000,34999,34999,45999,45999,245999,386874,34,51162,3,17,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,45999,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3564",0,0,0,0,0,0,0,0,0,0,1000,52,20574,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3565",0,0,20000,10000,10000,100,100,100,100,10100,10100,42,25710,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3566",2000,0,0,0,0,0,0,2000,2000,2000,59425,42,17034,1,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3567",0,0,75000,60000,15000,12923,12923,12923,12923,27923,36923,33,30552,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,12923,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3568",0,0,130000,0,130000,47280,47280,47280,47280,177280,183880,41,35166,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,47280,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3569",0,0,0,0,0,0,0,0,0,0,0,45,10890,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3570",0,0,0,0,0,0,0,0,0,0,500,48,17088,3,6,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3571",0,0,0,0,0,0,0,0,0,0,2500,35,9600,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3572",11000,0,161000,150000,11000,685,-1365,11685,9635,20635,20635,56,23952,2,15,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,9635,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3573",0,0,30000,25000,5000,0,-1300,0,-1300,3700,20275,30,2520,3,15,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-1300,1,1,0,0,0,0,0,0,0,1,0,0,0 +"3574",0,0,0,0,0,2607,2607,2607,2607,2607,3107,26,16557,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2607,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3575",22640,0,64500,64500,0,2700,-1800,25340,20840,20840,25340,48,91230,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,20840,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3576",2300,0,190000,130000,60000,6498,6498,8798,8798,68798,70173,44,83499,3,17,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,8798,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3577",0,0,0,0,0,4500,4500,4500,4500,4500,11850,29,23100,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3578",0,0,42000,32600,9400,0,-1150,0,-1150,8250,13890,36,26094,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1150,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3579",0,0,300000,150000,150000,60000,56500,60000,56500,206500,206500,39,100692,6,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,56500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3580",0,0,0,0,0,30799,30499,30799,30499,30499,32831,26,46431,1,17,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,30499,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3581",0,0,80000,73000,7000,12499,12499,12499,12499,19499,19499,54,39150,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,12499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3582",0,0,0,0,0,1476,-7524,1476,-7524,-7524,-6012,37,50304,4,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-7524,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3583",0,0,100000,0,100000,0,-16000,0,-16000,84000,84000,54,27858,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-16000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3584",0,0,150000,120000,30000,5000,2500,5000,2500,32500,34000,27,54300,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.7472324,2500,1,0,0,0,0,0,1,0,1,0,0,0,0 +"3585",0,0,0,0,0,0,-3500,0,-3500,-3500,11500,42,71046,6,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-3500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3586",2050,0,70000,0,70000,6000,6000,8050,8050,78050,82400,41,22335,3,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,8050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3587",0,0,0,0,0,300,-24900,300,-24900,-24900,-24150,35,40005,1,17,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-24900,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3588",3000,0,107000,88000,19000,24600,24400,27600,27400,46400,58454,44,43200,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,27400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3589",0,0,30000,22000,8000,50,50,50,50,8050,8050,45,28560,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,50,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3590",0,0,5000,0,5000,3000,-57000,3000,-57000,-52000,68000,45,34680,4,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-57000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3591",0,0,0,0,0,0,-1500,0,-1500,-1500,0,39,17097,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3592",0,0,75000,62500,12500,5157,-10843,5157,-10843,1657,17657,42,54963,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-10843,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3593",0,0,125000,25000,100000,0,0,0,0,100000,100000,56,8670,3,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3594",0,0,72000,65000,7000,11449,11349,15449,15349,22349,95349,47,30435,7,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,11349,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3595",0,0,0,0,0,7499,4999,7499,4999,4999,7999,43,5400,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,4999,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3596",0,0,100000,89000,11000,3049,2049,3049,2049,13049,13049,40,59523,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2049,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3597",0,0,5000,0,5000,662,-4928,662,-4928,72,20701,33,33180,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-4928,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3598",5500,0,30000,30000,0,910,607,6410,6107,6107,6107,52,26412,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,6107,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3599",0,0,0,0,0,7499,6299,7499,6299,6299,6799,48,30450,1,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,6299,0,0,0,0,1,0,0,0,0,0,0,1,0 +"3600",0,0,120000,69000,51000,6900,3800,6900,3800,54800,121800,43,44934,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3601",0,0,0,0,0,20,-29980,20,-29980,-29980,-24037,49,22980,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-29980,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3602",5000,0,18000,0,18000,1284,-12606,6284,-7606,10394,17894,49,26400,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,-7606,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3603",0,0,285000,150000,135000,30480,29880,30480,29880,164880,186780,49,95460,5,17,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,29880,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3604",3000,0,90000,18000,72000,18595,18395,21595,21395,93395,126395,54,29781,6,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,21395,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3605",0,0,6000,8000,-2000,2600,1800,2600,1800,-200,3466,45,14850,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1800,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3606",0,0,25000,0,25000,1319,1319,1319,1319,26319,26819,56,4398,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1319,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3607",0,0,0,0,0,3137,3137,3137,3137,3137,13137,37,14085,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,3137,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3608",0,0,112000,105000,7000,7800,-200,7800,-200,6800,12800,43,89175,3,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3609",0,0,75000,52000,23000,1499,-6901,1499,-6901,16099,37599,38,55434,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6901,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3610",0,0,0,0,0,600,200,600,200,200,200,31,16560,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3611",0,0,145000,69500,75500,5000,4000,5000,4000,79500,83500,41,46719,5,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3612",0,0,0,0,0,200,-8250,200,-8250,-8250,-8250,40,23370,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-8250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3613",0,0,0,0,0,7500,7322,7500,7322,7322,12622,37,20142,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,7322,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3614",0,0,0,0,0,0,0,0,0,0,500,60,6312,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3615",0,0,35000,25000,10000,0,-4250,0,-4250,5750,22803,52,12966,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4250,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3616",0,0,76000,48000,28000,3000,-100,3000,-100,27900,27900,31,25803,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3617",1000,0,150000,25000,125000,1000,500,2000,1500,126500,147500,38,108054,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,1500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3618",4550,0,175000,106750,68250,3215,3215,7765,7765,76015,76015,37,58143,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,7765,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3619",0,0,5000,4000,1000,15,-285,15,-285,715,3975,37,13464,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-285,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3620",0,0,140000,60000,80000,2499,2186,2499,2186,82186,91298,40,33696,4,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,2186,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3621",0,0,22000,9400,12600,0,-12000,0,-12000,600,4600,32,25305,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-12000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3622",5000,0,150000,120000,30000,9999,9999,14999,14999,44999,51999,44,27411,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,14999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3623",0,0,0,0,0,800,-6400,800,-6400,-6400,-4900,31,26235,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-6400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3624",9500,0,250000,128000,122000,24918,24918,34418,34418,156418,157918,32,169404,2,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,34418,1,0,0,0,0,0,0,1,0,1,0,0,0 +"3625",0,0,300000,75000,225000,1700,1700,1700,1700,226700,234650,42,29475,5,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3626",0,0,55000,45000,10000,8500,50,8500,50,10050,11050,45,24300,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,50,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3627",0,0,65000,0,65000,0,0,0,0,65000,65000,46,17490,3,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3628",0,0,70000,60000,10000,50,-1150,50,-1150,8850,8850,44,16806,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1150,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3629",4068,0,64000,64000,0,3900,2300,7968,6368,6368,16068,31,62730,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,6368,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3630",0,0,0,0,0,300,300,300,300,300,1400,41,10044,6,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3631",0,0,66000,60000,6000,300,-2450,300,-2450,3550,33550,30,15300,4,6,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2450,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3632",0,0,37000,0,37000,0,-1050,0,-1050,35950,36950,33,9288,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-1050,1,1,0,0,0,0,0,0,0,1,0,0,0 +"3633",0,0,100000,0,100000,6000,6000,6000,6000,106000,118725,35,15336,5,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,6000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3634",0,0,0,0,0,1295,1295,1295,1295,1295,8070,36,56160,3,14,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.3169526,1295,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3635",0,0,0,0,0,3998,2998,3998,2998,2998,8998,36,46422,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,2998,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3636",0,0,0,0,0,19,19,19,19,19,19,34,11091,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,19,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3637",19000,0,95000,34000,61000,15249,14649,34249,33649,94649,151544,53,42900,1,12,1,0,0,0,1,0,0,1,0,1,0,0,5,2,0.650903,33649,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3638",0,0,45800,45800,0,3100,1300,3100,1300,1300,1300,40,25035,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3639",0,0,125000,87000,38000,450,-20050,450,-20050,17950,26750,43,74955,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-20050,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3640",0,0,25000,0,25000,100,100,100,100,25100,25100,52,8208,1,10,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0.3536102,100,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3641",0,0,80000,56500,23500,1550,-3450,1550,-3450,20050,24250,39,29001,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3450,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3642",6000,0,180000,135000,45000,65000,65000,71000,71000,116000,122050,47,35334,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,71000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3643",0,0,0,0,0,2248,2248,2248,2248,2248,5248,31,108135,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,2248,0,0,0,0,0,0,0,1,0,1,0,0,0 +"3644",0,0,0,0,0,25,-775,25,-775,-775,5321,44,23100,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-775,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3645",0,0,35000,0,35000,500,-1500,500,-1500,33500,36166,53,21150,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-1500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3646",6000,0,220000,45000,175000,1360,1360,7360,7360,182360,182360,42,30417,4,16,0,1,1,1,1,0,0,1,0,0,0,1,4,4,0.3524857,7360,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3647",0,0,0,0,0,11500,10400,11500,10400,10400,18350,28,13410,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,10400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3648",0,0,0,0,0,7,7,7,7,7,7,33,27303,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,7,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3649",0,0,50000,22500,27500,0,0,0,0,27500,34000,47,28200,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3650",0,0,70000,59000,11000,300,-4700,300,-4700,6300,20300,26,45900,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4700,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3651",0,0,0,0,0,0,0,0,0,0,0,31,14400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3652",0,0,0,0,0,0,-500,0,-500,-500,-500,36,12444,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3653",0,0,265000,150000,115000,200,-15800,200,-15800,99200,103550,37,60225,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-15800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3654",0,0,240000,132000,108000,157000,156100,157000,156100,264100,264100,38,107172,4,14,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,156100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3655",0,0,0,0,0,0,-8000,0,-8000,-8000,-8000,41,7200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-8000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3656",19500,0,0,0,0,62298,62298,81798,81798,81798,81798,53,100596,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,81798,0,0,0,0,0,0,0,1,0,0,0,1,0 +"3657",7180,0,90000,40000,50000,5031,5031,12211,12211,62211,87211,39,65172,2,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,12211,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3658",0,0,0,0,0,1124,-6376,1124,-6376,-6376,-5626,27,29598,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-6376,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3659",0,0,0,0,0,0,-6200,0,-6200,-6200,-6200,30,26751,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-6200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3660",0,0,17000,20000,-3000,500,-1500,500,-1500,-4500,8325,42,11253,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3661",0,0,145000,0,145000,3000,2750,3000,2750,147750,150750,35,13200,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,2750,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3662",0,0,60000,32000,28000,1549,1059,1549,1059,29059,29059,41,38538,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1059,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3663",0,0,0,0,0,0,0,0,0,0,2500,38,19365,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3664",0,0,0,0,0,0,0,0,0,0,0,26,2700,4,11,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3665",5000,0,85000,0,85000,22999,19999,27999,24999,109999,117099,58,22620,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,24999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3666",0,0,0,0,0,0,0,0,0,0,0,25,11112,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3667",0,0,0,0,0,8999,3599,8999,3599,3599,11474,54,19020,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,3599,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3668",0,0,0,0,0,1000,-5150,1000,-5150,-5150,-5150,47,23010,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5150,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3669",0,0,120000,102000,18000,10049,7749,10049,7749,25749,27749,26,31395,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,7749,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3670",0,0,0,0,0,900,-4600,900,-4600,-4600,-3400,26,37500,1,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-4600,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3671",0,0,60000,43000,17000,1000,-5400,1000,-5400,11600,11600,47,51960,3,10,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3672",0,0,0,0,0,0,-1500,0,-1500,-1500,-750,28,16380,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3673",1000,0,0,0,0,4000,3250,5000,4250,4250,14929,26,30255,1,18,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,4250,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3674",6454,0,47000,38800,8200,8354,7617,14808,14071,22271,27671,32,28572,1,14,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,14071,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3675",0,0,105000,78000,27000,3500,2000,3500,2000,29000,38000,29,57870,4,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,2000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"3676",8000,0,0,0,0,0,-700,8000,7300,7300,7300,25,12114,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,7300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3677",0,0,0,0,0,0,0,0,0,0,0,31,7962,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3678",0,0,57000,42000,15000,1400,-3400,1400,-3400,11600,12700,32,21585,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3679",0,0,50000,29000,21000,184,-3416,184,-3416,17584,19884,42,17172,1,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-3416,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3680",0,0,0,0,0,400,-1000,400,-1000,-1000,-500,33,31440,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-1000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3681",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,37,3300,6,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-2000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3682",12000,0,0,0,0,98200,91200,110200,103200,103200,303200,39,88200,1,14,1,0,1,0,1,0,0,1,0,0,1,0,7,3,0.4935519,103200,0,0,0,0,0,0,0,1,0,0,1,0,0 +"3683",0,0,25000,0,25000,20,-980,20,-980,24020,24520,55,10590,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-980,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3684",31000,0,0,0,0,42000,41450,73000,72450,72450,139450,29,67575,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,72450,0,0,0,0,0,0,1,0,1,0,0,0,0 +"3685",0,0,0,0,0,15,-385,15,-385,-385,615,26,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-385,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3686",0,0,25000,0,25000,2000,1400,2000,1400,26400,26400,58,14400,5,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1400,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3687",0,0,0,0,0,5000,5000,5000,5000,5000,6300,32,11100,5,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,5000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3688",0,0,0,0,0,2,2,2,2,2,2,31,8589,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,2,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3689",0,0,75000,73000,2000,700,-4300,700,-4300,-2300,1700,28,45090,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4300,1,0,0,0,0,1,0,0,1,0,0,0,0 +"3690",0,0,0,0,0,699,-2801,699,-2801,-2801,-1301,29,13890,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2801,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3691",0,0,160000,35000,125000,200,-2900,200,-2900,122100,126279,51,35487,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-2900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3692",3500,0,185000,6500,178500,1249,-1383,4749,2117,180617,193617,57,50916,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,2117,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3693",0,0,150000,16500,133500,2250,-4750,2250,-4750,128750,133350,50,17490,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4750,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3694",3500,0,35000,23500,11500,183,-17,3683,3483,14983,14983,49,37155,5,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,3483,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3695",0,0,0,0,0,300,-2200,300,-2200,-2200,-2200,37,28050,6,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-2200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3696",10000,0,45000,37000,8000,4599,3139,14599,13139,21139,21139,42,32142,5,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,13139,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3697",0,0,120000,86000,34000,920,-4880,920,-4880,29120,29120,31,27729,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-4880,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3698",0,0,0,0,0,900,-2100,900,-2100,-2100,900,32,29172,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3699",0,0,69000,60150,8850,130,-870,130,-870,7980,11980,31,27720,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-870,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3700",766,0,35000,2400,32600,10892,10892,11658,11658,44258,49058,38,4584,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,11658,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3701",13000,0,300000,35000,265000,335999,333749,348999,346749,611749,786749,57,128550,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,346749,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3702",15757,0,82500,42000,40500,67511,65911,83268,81668,122168,122168,40,34563,2,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,81668,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3703",6400,0,65000,20000,45000,9250,350,15650,6750,51750,51750,55,55320,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,6750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3704",0,0,0,0,0,8048,8048,8048,8048,8048,11598,25,34893,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,8048,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3705",12500,0,0,0,0,34000,34000,46500,46500,46500,154500,48,78918,2,17,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.4696543,46500,0,0,0,0,0,0,0,1,0,0,0,1,0 +"3706",32000,0,120000,30000,90000,29998,29898,61998,61898,151898,151898,59,37920,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,61898,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3707",0,0,60000,40900,19100,14500,14500,14500,14500,33600,33600,44,51078,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,14500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3708",0,0,27000,0,27000,15600,15575,15600,15575,42575,49475,59,15588,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,15575,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3709",0,0,28000,10000,18000,200,-2047,200,-2047,15953,19753,38,29838,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-2047,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3710",38000,0,150000,75000,75000,18500,17000,56500,55000,130000,130800,46,80220,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,55000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3711",0,0,50000,34000,16000,150,-2000,150,-2000,14000,16500,30,17967,4,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3712",0,0,0,0,0,0,0,0,0,0,1200,33,24300,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3713",0,0,0,0,0,6763,-3887,6763,-3887,-3887,20927,42,33021,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-3887,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3714",2100,0,98000,77500,20500,13000,12182,15100,14282,34782,54282,33,45831,3,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,14282,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3715",0,0,300000,78000,222000,18800,18800,18800,18800,240800,279042,43,50550,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.7472324,18800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3716",0,0,30000,18000,12000,0,0,0,0,12000,12000,41,24864,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3717",0,0,0,0,0,100,-500,100,-500,-500,-500,43,16959,7,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3718",6000,0,89000,57000,32000,2050,1700,8050,7700,39700,41500,33,32514,4,18,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,7700,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3719",0,0,106000,106000,0,779,-1421,3029,829,829,4429,39,26445,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1421,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3720",33000,0,285000,18000,267000,19798,8698,92798,81698,348698,356698,55,81840,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,41698,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3721",0,0,0,0,0,10000,10000,10000,10000,10000,10000,61,34920,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,10000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"3722",0,0,5000,0,5000,12999,12999,12999,12999,17999,21849,27,26724,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,12999,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3723",0,0,85000,55000,30000,13425,13425,13425,13425,43425,223425,64,59010,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,13425,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3724",0,0,55000,34000,21000,30000,29000,30000,29000,50000,54500,30,29400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,29000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3725",0,0,0,0,0,0,-15100,0,-15100,-15100,7900,42,30000,2,16,1,1,1,0,1,0,0,0,0,0,0,1,4,4,0.5896286,-15100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3726",2000,0,15000,0,15000,500,-4500,2500,-2500,12500,22950,32,12240,2,13,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,-2500,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3727",0,0,150000,67500,82500,10973,6973,10973,6973,89473,97173,44,84993,3,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,6973,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3728",0,0,112800,82000,30800,499,499,499,499,31299,71495,33,36030,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,499,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3729",3500,0,125000,40000,85000,16500,16200,20000,19700,104700,106750,41,49194,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,19700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3730",9000,0,0,0,0,3200,3200,12200,12200,12200,23200,32,17580,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,12200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3731",0,0,0,0,0,300,-9500,300,-9500,-9500,-6700,25,26940,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-9500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3732",0,0,0,0,0,1,-4199,1,-4199,-4199,-1799,27,44508,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-4199,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3733",0,0,0,0,0,25,-13375,25,-13375,-13375,-9444,39,15600,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-13375,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3734",50000,0,30000,19500,10500,3600,-1750,53600,48250,58750,61350,38,44754,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,48250,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3735",16661,0,50000,0,50000,15130,15130,31791,31791,81791,135141,53,23721,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,31791,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3736",30215,0,210000,100141,109859,28900,28900,59115,59115,168974,183974,46,80079,3,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,59115,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3737",0,0,0,0,0,0,0,0,0,0,0,59,6843,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3738",8000,0,0,0,0,22900,21600,30900,29600,29600,37600,62,23532,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,29600,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3739",0,0,200000,100000,100000,6500,-700,6500,-700,99300,115300,38,80025,4,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3740",0,0,90000,15000,75000,6048,6048,6048,6048,81048,96048,49,39123,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6048,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3741",0,0,20000,0,20000,257,257,257,257,20257,20257,46,11901,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,257,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3742",0,0,0,0,0,650,-850,650,-850,-850,500,35,18027,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-850,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3743",0,0,0,0,0,12999,11899,12999,11899,11899,12737,49,39681,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,11899,0,0,0,0,1,0,0,0,0,0,0,1,0 +"3744",0,0,50000,35000,15000,0,-3000,0,-3000,12000,12000,41,20400,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3745",0,0,0,0,0,400,-5400,400,-5400,-5400,-5025,31,39567,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-5400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3746",0,0,35000,30000,5000,1600,1600,1600,1600,6600,6600,36,23466,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3747",0,0,35000,0,35000,37649,-84151,37649,-84151,-49151,-48188,58,13074,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-84151,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3748",0,0,0,0,0,800,750,800,750,750,750,31,18642,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,750,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3749",0,0,150000,131000,19000,110000,110000,110000,110000,129000,137596,45,94776,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,110000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3750",0,0,56500,39000,17500,50,-19950,50,-19950,-2450,400,34,25191,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-19950,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3751",0,0,62000,46350,15650,3488,1208,3488,1208,16858,23058,46,34131,7,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1208,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3752",0,0,65000,29821,35179,0,0,0,0,35179,38897,43,25050,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3753",0,0,0,0,0,0,0,0,0,0,10350,57,9180,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3754",0,0,0,0,0,2000,2000,2000,2000,2000,3500,36,24441,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3755",0,0,39000,39000,0,1800,420,1800,420,420,3520,32,16380,5,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,420,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3756",0,0,0,0,0,0,-1229,0,-1229,-1229,-1229,34,6204,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1229,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3757",0,0,0,0,0,2500,-16700,2500,-16700,-16700,-11700,35,65010,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-16700,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3758",0,0,150000,103000,47000,4200,4200,4200,4200,51200,51200,38,42036,5,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3759",0,0,70000,0,70000,2500,500,2500,500,70500,70500,48,53412,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3760",4000,0,50000,0,50000,20,-1780,4020,2220,52220,54720,59,7164,1,11,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2696344,2220,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3761",0,0,80000,60000,20000,2000,2000,2000,2000,22000,28000,54,59346,2,11,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3762",0,0,0,0,0,1500,-6000,1500,-6000,-6000,-2457,26,36000,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-6000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3763",60000,0,60000,0,60000,76100,76100,136100,136100,196100,377400,55,63972,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,136100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3764",0,0,29000,29000,0,2000,-4200,2000,-4200,-4200,-4200,64,10947,2,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-4200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3765",0,0,65000,45000,20000,5400,4700,5400,4700,24700,26200,31,45408,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,4700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3766",0,0,25000,14500,10500,5050,4050,5050,4050,14550,15550,31,17715,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,4050,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3767",0,0,0,0,0,100,100,100,100,100,1100,47,32043,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,100,0,0,0,0,1,0,0,0,0,0,0,1,0 +"3768",0,0,39000,25000,14000,0,0,0,0,14000,18000,38,16344,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3769",0,0,75000,0,75000,0,-150,0,-150,74850,74850,33,13326,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-150,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3770",12000,0,269000,135000,134000,249,-19751,12249,-7751,126249,126249,55,56103,5,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-7751,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3771",11250,0,30000,0,30000,34600,34450,45850,45700,75700,75700,55,27390,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,45700,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3772",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,37,14172,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3773",0,0,0,0,0,1038,-2462,1038,-2462,-2462,-2462,28,48558,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-2462,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3774",0,0,70000,64000,6000,3299,-701,3299,-701,5299,9999,28,24192,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-701,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3775",0,0,150000,65000,85000,6834,6834,6834,6834,91834,94611,47,42951,3,6,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,6834,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3776",0,0,75000,28700,46300,2426,1746,2426,1746,48046,53155,40,46605,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,1746,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3777",0,0,0,0,0,15000,12800,15000,12800,12800,20800,31,25680,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,12800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3778",0,0,8000,8000,0,0,0,0,0,0,50,37,11313,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3779",0,0,0,0,0,0,0,0,0,0,0,38,6120,3,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3780",0,0,39000,39000,0,0,0,0,0,0,2500,30,28629,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3781",0,0,0,0,0,500,-4850,500,-4850,-4850,-4850,39,28125,4,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,-4850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3782",0,0,165000,150000,15000,31000,21000,31000,21000,36000,48000,35,92277,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,21000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"3783",0,0,0,0,0,20,-780,20,-780,-780,-780,31,18813,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-780,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3784",0,0,70000,38000,32000,500,500,500,500,32500,32500,61,23640,2,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3785",0,0,120000,90000,30000,9635,-5365,9635,-5365,24635,26429,42,72039,3,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,-5365,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3786",2000,0,48000,27000,21000,610,510,2610,2510,23510,31510,37,38340,5,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,2510,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3787",0,0,0,0,0,200,-1800,200,-1800,-1800,10200,58,44925,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1800,0,0,0,0,0,1,0,0,0,0,0,0,1 +"3788",0,0,12000,9300,2700,185,-2815,185,-2815,-115,885,26,13110,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2815,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3789",0,0,0,0,0,0,-300,0,-300,-300,3050,33,13755,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-300,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3790",0,0,0,0,0,550,-3150,550,-3150,-3150,6503,36,24975,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-3150,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3791",0,0,58000,58000,0,6215,1015,6215,1015,1015,22390,36,28452,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1015,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3792",0,0,120000,62000,58000,0,0,0,0,58000,106000,33,31749,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3793",0,0,10000,1658,8342,150,-12918,150,-12918,-4576,10424,29,30249,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-12918,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3794",0,0,85000,75000,10000,17200,12115,17200,12115,22115,31290,47,46983,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,12115,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3795",0,0,60000,33000,27000,4778,1778,4778,1778,28778,43778,49,48585,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1778,1,0,0,0,0,1,0,0,0,0,0,1,0 +"3796",0,0,0,0,0,8062,-8538,8062,-8538,-8538,-8538,31,57786,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-8538,0,0,0,0,0,0,1,0,0,1,0,0,0 +"3797",0,0,0,0,0,0,0,0,0,0,0,37,12666,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3798",0,0,80000,0,80000,20299,20299,20299,20299,100299,108324,55,31098,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,20299,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3799",0,0,0,0,0,0,-13947,0,-13947,-13947,-13947,51,16200,7,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-13947,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3800",22000,0,300000,150000,150000,2100,-27900,24100,-5900,144100,513100,44,106086,4,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,-5900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3801",27000,0,78000,78000,0,2900,2820,29900,29820,29820,35820,45,51327,2,18,1,1,0,0,1,0,0,1,0,0,0,1,6,4,0.7130944,29820,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3802",0,0,20000,0,20000,500,500,500,500,20500,26050,51,13473,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3803",0,0,0,0,0,0,-1640,0,-1640,-1640,-1640,31,8868,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1640,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3804",0,0,110000,105000,5000,0,-6000,0,-6000,-1000,4000,30,60870,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3805",4000,0,170000,55000,115000,7600,600,11600,4600,119600,123600,38,50817,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,4600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3806",0,0,85000,37000,48000,2000,0,2000,0,48000,66800,46,61110,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3807",0,0,0,0,0,4900,4100,4900,4100,4100,180600,33,23661,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3808",0,0,0,0,0,0,0,0,0,0,0,40,24000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3809",0,0,0,0,0,429,-21,429,-21,-21,214,35,13128,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-21,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3810",14000,0,100000,47000,53000,1300,1100,15300,15100,68100,83100,53,73218,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,15100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3811",30000,0,90000,56000,34000,3500,3300,33500,33300,67300,67300,47,60180,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,33300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3812",4200,0,175000,55000,120000,9850,8150,14050,12350,132350,282350,58,71646,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,12350,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3813",0,0,0,0,0,160,-440,160,-440,-440,7560,33,24516,5,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3814",2000,0,90000,40000,50000,1500,800,3500,2800,52800,59300,36,81510,5,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,2800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3815",0,0,120000,73500,46500,17556,17556,17556,17556,64056,76148,26,5004,3,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3536102,17556,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3816",0,0,4000,4000,0,0,0,0,0,0,0,46,3690,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3817",20750,0,105000,75000,30000,25000,24000,45750,44750,74750,74750,31,68040,5,17,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,44750,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3818",0,0,0,0,0,0,-4000,0,-4000,-4000,-4000,36,17136,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3819",20000,0,30000,0,30000,649,649,20649,20649,50649,55649,58,20235,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,20649,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3820",3000,0,80000,50000,30000,500,-7500,3500,-4500,25500,26000,33,21060,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,-4500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3821",0,0,0,0,0,0,-574,0,-574,-574,1926,32,6678,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-574,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3822",0,0,62000,57000,5000,1550,-3875,1550,-3875,1125,14125,41,56334,3,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-3875,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3823",0,0,0,0,0,749,-7751,749,-7751,-7751,249,34,36051,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-7751,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3824",0,0,45000,36300,8700,50,-12276,50,-12276,-3576,-2442,39,22956,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-12276,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3825",0,0,0,0,0,1965,1965,1965,1965,1965,5315,27,40209,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,1965,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3826",0,0,50000,0,50000,1999,1459,1999,1459,51459,82834,34,36090,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1459,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3827",0,0,0,0,0,70,-7575,70,-7575,-7575,-3255,40,35688,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7575,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3828",0,0,0,0,0,999,-6001,999,-6001,-6001,-5970,26,23640,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-6001,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3829",0,0,50000,0,50000,1000,800,1000,800,50800,75600,51,21969,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3830",0,0,185000,150000,35000,400,400,400,400,35400,39975,56,14310,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,400,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3831",31000,0,50000,0,50000,6200,6100,37200,37100,87100,93600,48,29067,5,17,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,37100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3832",0,0,0,0,0,0,0,0,0,0,2000,41,25674,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3833",0,0,0,0,0,1550,-1450,1550,-1450,-1450,11750,25,24510,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1450,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3834",0,0,200000,80000,120000,5100,4876,5100,4876,124876,124876,46,55818,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,4876,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3835",0,0,45000,18500,26500,1000,1000,1000,1000,27500,27500,35,24150,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3836",6000,0,35000,12500,22500,63200,63200,69200,69200,91700,98517,49,16968,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,69200,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3837",0,0,135000,89000,46000,9223,7723,9223,7723,53723,65723,34,64347,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,7723,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3838",0,0,80000,40500,39500,1200,350,1200,350,39850,49270,44,49656,6,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,350,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3839",0,0,35000,35000,0,200,-30,200,-30,-30,7470,48,19176,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-30,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3840",0,0,0,0,0,2000,2000,2000,2000,2000,5350,37,24546,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3841",0,0,2000,0,2000,65,-453,65,-453,1547,1855,33,15000,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-453,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3842",4500,0,95000,50000,45000,16000,-4500,20500,0,45000,49000,46,18000,2,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3843",0,0,65000,15000,50000,58930,55000,58930,55000,105000,122743,64,34932,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,55000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3844",0,0,75000,67000,8000,350,-2150,350,-2150,5850,6833,48,14025,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2150,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3845",0,0,0,0,0,1800,1800,1800,1800,1800,1800,49,25608,1,3,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,1800,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3846",0,0,75000,72000,3000,50,-2950,50,-2950,50,50,49,16920,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-2950,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3847",0,0,60000,20000,40000,47749,46249,47749,46249,86249,86249,61,42528,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,46249,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3848",0,0,0,0,0,0,-1000,0,-1000,-1000,-500,45,8586,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1000,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3849",0,0,0,0,0,0,0,0,0,0,700,39,17850,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3850",0,0,6000,0,6000,63,63,63,63,6063,6063,27,17832,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,63,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3851",0,0,0,0,0,450,350,450,350,350,1200,29,18000,2,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3852",0,0,40000,36000,4000,4000,3400,4000,3400,7400,7400,28,17070,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,3400,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3853",0,0,12000,10000,2000,3000,3000,3000,3000,5000,9500,33,11898,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,3000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3854",0,0,215000,73400,141600,2720,1970,2720,1970,143570,143570,39,41088,5,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,1970,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3855",0,0,75000,0,75000,700,-1700,700,-1700,73300,79300,36,41694,2,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-1700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3856",0,0,0,0,0,0,-9000,0,-9000,-9000,-9000,40,14241,5,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-9000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3857",0,0,0,0,0,559,-5371,559,-5371,-5371,-2021,60,5436,2,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-5371,0,1,0,0,0,0,0,0,0,0,0,0,1 +"3858",50000,0,73000,0,73000,16250,15897,66250,65897,138897,252897,56,39546,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,65897,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3859",0,0,90000,44000,46000,3000,2000,3000,2000,48000,68000,58,14460,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3860",0,0,53000,10000,43000,50,-3050,50,-3050,39950,44750,34,16977,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-3050,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3861",3000,0,0,0,0,3999,3899,6999,6899,6899,11790,26,28830,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.5117899,6899,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3862",0,0,0,0,0,2000,2000,2000,2000,2000,2900,60,14541,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3863",0,0,0,0,0,300,300,300,300,300,300,41,49980,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,300,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3864",2000,0,0,0,0,11550,11400,13550,13400,13400,20400,26,32070,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.277538,13400,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3865",0,0,100000,23000,77000,2542,-2238,2542,-2238,74762,76075,55,60528,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-2238,1,0,0,0,0,0,1,0,0,0,0,0,1 +"3866",0,0,40000,25000,15000,2000,1800,2000,1800,16800,16800,45,24426,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,1800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3867",0,0,0,0,0,9699,8599,9699,8599,8599,10599,31,42330,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,8599,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3868",0,0,0,0,0,10,-1715,10,-1715,-1715,-549,31,14400,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-1715,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3869",0,0,0,0,0,1200,600,1200,600,600,6450,51,20496,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,600,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3870",0,0,42000,15000,27000,67600,67600,67600,67600,94600,94600,44,34755,4,1,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,67600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3871",0,0,0,0,0,1300,-4200,1300,-4200,-4200,4800,40,60846,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-4200,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3872",0,0,60000,60000,0,249,249,749,749,749,749,37,44475,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,249,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3873",0,0,285000,150000,135000,1200,-10600,1200,-10600,124400,124400,39,97722,6,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-10600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"3874",0,0,95000,75000,20000,5050,-750,5050,-750,19250,29250,35,69696,5,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-750,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3875",0,0,75000,0,75000,136,-2364,136,-2364,72636,72636,46,12954,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2364,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3876",0,0,0,0,0,0,0,0,0,0,0,40,15402,5,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3877",0,0,0,0,0,1000,-6700,1000,-6700,-6700,-3700,25,60495,2,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-6700,0,0,0,0,0,0,1,0,1,0,0,0,0 +"3878",0,0,0,0,0,750,750,750,750,750,2916,63,26580,2,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,750,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3879",3000,0,300000,70000,230000,35500,19500,48500,32500,262500,273000,53,101949,3,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,22500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3880",0,0,0,0,0,22,-843,22,-843,-843,157,32,12207,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-843,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3881",0,0,14000,12000,2000,50,-950,50,-950,1050,1050,38,15360,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-950,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3882",0,0,40000,0,40000,3000,3000,3000,3000,43000,47475,53,28980,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,3000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3883",0,0,0,0,0,500,500,500,500,500,8500,29,24510,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3884",0,0,31050,31050,0,0,-650,0,-650,-650,-150,32,9069,4,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-650,1,1,0,0,0,0,0,0,0,1,0,0,0 +"3885",0,0,80000,30000,50000,168,-3332,168,-3332,46668,46668,49,59256,2,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3332,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3886",0,0,12000,7000,5000,0,-1500,0,-1500,3500,6400,28,9240,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-1500,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3887",15000,0,0,0,0,97000,97000,112000,112000,112000,115550,44,22416,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,112000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3888",0,0,0,0,0,3000,2400,3000,2400,2400,4150,30,25650,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3889",0,0,135000,52000,83000,3700,840,3700,840,83840,83840,50,27561,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,840,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3890",0,0,45000,0,45000,400,-900,400,-900,44100,60100,36,47385,6,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3891",0,0,0,0,0,0,-18000,0,-18000,-18000,-8000,40,18900,6,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-18000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3892",0,0,0,0,0,1499,-11601,1499,-11601,-11601,-11101,33,16590,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-11601,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3893",0,0,75000,75000,0,3199,3199,3199,3199,3199,3199,42,26985,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,3199,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3894",0,0,0,0,0,6,-1494,6,-1494,-1494,3506,30,29478,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-1494,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3895",0,0,63000,51000,12000,610,-2240,610,-2240,9760,16813,44,31530,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-2240,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3896",0,0,55000,18000,37000,1449,-2551,1449,-2551,34449,44924,41,48273,3,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,-2551,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3897",4500,0,100000,30000,70000,46050,15050,50550,19550,89550,89550,29,37650,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,19550,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3898",0,0,0,0,0,0,0,0,0,0,0,32,24960,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3899",0,0,85000,64000,21000,256,-704,256,-704,20296,20296,33,45039,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-704,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3900",0,0,0,0,0,250,-10250,250,-10250,-10250,-8250,49,29898,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-10250,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3901",0,0,59000,41000,18000,499,199,499,199,18199,25749,40,3618,1,18,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3536102,199,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3902",0,0,0,0,0,999,999,999,999,999,999,55,12300,4,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,999,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3903",0,0,150000,25000,125000,1010,-190,1010,-190,124810,138653,43,47400,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-190,1,0,0,0,0,1,0,0,0,0,1,0,0 +"3904",0,0,90000,45000,45000,500,-2000,500,-2000,43000,43000,46,70830,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"3905",66000,0,300000,150000,150000,1251000,1239500,1317000,1305500,1455500,1655500,59,199041,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,1305500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"3906",0,0,40000,0,40000,1299,-29,1299,-29,39971,43637,39,21621,2,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,-29,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3907",0,0,0,0,0,0,0,0,0,0,500,28,10200,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3908",0,0,95000,70000,25000,2500,-8500,2500,-8500,16500,16500,31,30315,4,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-8500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3909",0,0,60000,56000,4000,100,50,100,50,4050,4550,40,12120,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,50,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3910",27000,0,300000,150000,150000,4319,2319,31319,29319,179319,208319,47,87720,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,29319,1,0,0,0,0,0,0,1,0,0,0,1,0 +"3911",0,0,2000,0,2000,0,0,0,0,2000,2000,57,4140,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3912",45000,0,300000,0,300000,1359,-841,46359,44159,344159,351159,52,33489,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,44159,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3913",0,0,40000,0,40000,0,-30000,0,-30000,10000,10000,27,1419,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-30000,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3914",0,0,127000,105000,22000,1400,-6600,1400,-6600,15400,19750,32,52041,1,16,1,1,1,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-6600,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3915",1475,0,0,0,0,3222,1172,4697,2647,2647,5897,36,34839,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,2647,0,0,0,0,1,0,0,0,0,0,1,0,0 +"3916",0,0,40000,33900,6100,50,-2550,50,-2550,3550,4550,47,21612,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2550,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3917",10000,0,65000,0,65000,35000,34000,45000,44000,109000,109000,30,45948,2,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,44000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"3918",0,0,38000,33000,5000,3000,-4800,3000,-4800,200,6800,52,26400,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3919",0,0,0,0,0,400,-300,400,-300,-300,-300,25,24300,3,7,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3920",0,0,0,0,0,225,-17275,225,-17275,-17275,-17275,26,34830,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-17275,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3921",0,0,0,0,0,13200,13200,13200,13200,13200,13200,51,26280,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,13200,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3922",0,0,160000,0,160000,259,259,259,259,160259,167084,62,20622,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,259,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3923",0,0,54000,33900,20100,0,-1422,0,-1422,18678,18678,27,16488,6,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1422,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3924",0,0,55000,47000,8000,7,-4693,7,-4693,3307,30907,29,29532,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-4693,1,0,0,1,0,0,0,0,1,0,0,0,0 +"3925",0,0,0,0,0,0,0,0,0,0,0,27,8400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"3926",0,0,46000,46000,0,2100,-7900,2100,-7900,-7900,-7900,52,22500,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-7900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3927",0,0,0,0,0,8000,8000,8000,8000,8000,14743,40,24360,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,8000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3928",0,0,30000,0,30000,0,0,0,0,30000,30000,40,9630,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3929",0,0,0,0,0,0,0,0,0,0,0,25,14439,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3930",0,0,7500,5420,2080,242,-3158,242,-3158,-1078,-578,41,14040,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3158,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3931",0,0,57000,46000,11000,600,-4400,600,-4400,6600,10100,31,21180,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3932",0,0,0,0,0,10560,10560,10560,10560,10560,12893,36,21021,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,10560,0,0,0,1,0,0,0,0,0,0,1,0,0 +"3933",0,0,66000,60000,6000,150,-126,650,374,6374,6374,33,17229,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-126,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3934",0,0,60000,4500,55500,1283,783,1283,783,56283,58283,52,15306,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,783,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3935",0,0,175000,0,175000,18298,17704,18298,17704,192704,192704,60,14442,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,17704,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3936",0,0,24000,12000,12000,295,-3605,295,-3605,8395,8395,31,17127,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3605,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3937",0,0,42500,42500,0,8600,8600,8600,8600,8600,17600,31,37089,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,8600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"3938",0,0,0,0,0,0,0,0,0,0,0,37,17571,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3939",0,0,75000,50000,25000,900,0,900,0,25000,29670,40,28095,5,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3940",0,0,35000,0,35000,0,-366,0,-366,34634,34634,48,12165,5,6,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3623197,-366,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3941",500,0,46000,46000,0,100,-10800,600,-10300,-10300,-10300,30,18042,5,12,0,1,1,0,1,0,0,1,0,1,0,0,2,2,0.1464927,-10300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3942",0,0,47500,0,47500,40000,39600,40000,39600,87100,89100,60,13245,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,39600,1,0,1,0,0,0,0,0,0,0,0,0,1 +"3943",0,0,0,0,0,9400,9200,9400,9200,9200,15075,39,55716,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,9200,0,0,0,0,0,0,1,0,0,0,1,0,0 +"3944",8000,0,0,0,0,22600,22600,30600,30600,30600,50600,41,49758,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,30600,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3945",100,0,0,0,0,1568,1268,1668,1368,1368,5945,29,43281,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,1368,0,0,0,0,0,1,0,0,1,0,0,0,0 +"3946",0,0,0,0,0,0,0,0,0,0,2750,25,15456,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3947",0,0,0,0,0,0,0,0,0,0,3000,35,10710,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3948",0,0,0,0,0,569,-16431,569,-16431,-16431,-16431,33,26880,3,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-16431,0,0,0,1,0,0,0,0,0,1,0,0,0 +"3949",0,0,118000,50000,68000,99,-501,99,-501,67499,67499,38,60096,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-501,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3950",0,0,0,0,0,200,200,200,200,200,6547,39,14586,2,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3951",0,0,17700,10000,7700,2899,-3001,2899,-3001,4699,30919,29,39882,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-3001,1,0,0,0,1,0,0,0,1,0,0,0,0 +"3952",0,0,20000,0,20000,1300,1300,1300,1300,21300,21300,55,8520,5,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,1300,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3953",0,0,70000,25000,45000,0,0,0,0,45000,51375,42,13440,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"3954",0,0,0,0,0,0,0,0,0,0,0,44,7182,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3955",0,0,175000,65000,110000,16000,13400,16000,13400,123400,123400,34,55986,6,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,13400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"3956",0,0,65000,48000,17000,2000,-3500,2000,-3500,13500,42800,42,38817,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"3957",30000,0,60000,0,60000,32499,32399,62499,62399,122399,122399,56,38766,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,62399,1,0,0,0,1,0,0,0,0,0,0,0,1 +"3958",0,0,0,0,0,12200,11700,12200,11700,11700,11700,33,47802,6,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,11700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"3959",0,0,0,0,0,1020,270,1020,270,270,270,55,21765,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,270,0,0,0,1,0,0,0,0,0,0,0,0,1 +"3960",0,0,0,0,0,1950,1450,1950,1450,1450,1728,29,21660,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1450,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3961",0,0,14000,14700,-700,300,300,300,300,-400,2100,29,5283,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,300,1,1,0,0,0,0,0,0,1,0,0,0,0 +"3962",0,0,73000,57000,16000,20973,18973,20973,18973,34973,40161,37,20616,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,18973,1,0,0,1,0,0,0,0,0,0,1,0,0 +"3963",0,0,0,0,0,200,200,200,200,200,250,25,22680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3964",0,0,0,0,0,100,-9720,100,-9720,-9720,-5645,41,40467,2,14,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5231876,-9720,0,0,0,0,0,1,0,0,0,0,1,0,0 +"3965",0,0,100000,58000,42000,700,-17300,700,-17300,24700,30700,42,73362,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-17300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3966",0,0,65000,20500,44500,600,-900,600,-900,43600,43600,51,22500,4,10,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,-900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"3967",0,0,40000,0,40000,0,0,0,0,40000,40000,46,36072,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3968",0,0,0,0,0,0,0,0,0,0,0,47,17904,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"3969",28368,0,185000,17000,168000,48800,44983,77168,73351,241351,455092,41,51591,4,14,0,1,1,0,1,0,0,1,0,0,1,0,6,3,0.5336504,73351,1,0,0,0,0,0,1,0,0,0,1,0,0 +"3970",0,0,0,0,0,375,-4625,375,-4625,-4625,-625,58,11520,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-4625,0,0,1,0,0,0,0,0,0,0,0,0,1 +"3971",0,0,0,0,0,0,0,0,0,0,3350,43,16080,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3972",0,0,0,0,0,0,-2200,0,-2200,-2200,-2200,29,22680,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3973",0,0,33750,33750,0,152,-148,152,-148,-148,2352,60,7650,1,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-148,1,1,0,0,0,0,0,0,0,0,0,0,1 +"3974",0,0,15000,11000,4000,0,0,0,0,4000,4500,47,6765,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"3975",0,0,0,0,0,950,-4900,950,-4900,-4900,-2925,29,19374,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-4900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3976",0,0,0,0,0,255,-1245,255,-1245,-1245,-1245,52,21420,5,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-1245,0,0,0,1,0,0,0,0,0,0,0,1,0 +"3977",0,0,0,0,0,1200,-3800,1200,-3800,-3800,3253,25,24630,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"3978",10000,0,150000,0,150000,164999,164999,174999,174999,324999,328349,52,16509,1,18,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,174999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3979",0,0,0,0,0,799,699,799,699,699,2719,27,38616,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,699,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3980",0,0,0,0,0,265,-1435,265,-1435,-1435,65,33,18600,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1435,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3981",0,0,0,0,0,0,-14000,0,-14000,-14000,-14000,35,33120,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-14000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"3982",25500,0,115000,0,115000,11299,11299,36799,36799,151799,276799,63,40824,2,15,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,36799,1,0,0,0,0,1,0,0,0,0,0,0,1 +"3983",0,0,20000,11000,9000,0,-6000,0,-6000,3000,3600,34,19890,4,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-6000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"3984",0,0,60000,0,60000,0,0,0,0,60000,60500,42,8937,8,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"3985",0,0,0,0,0,9999,-14201,9999,-14201,-14201,-14201,50,66360,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-14201,0,0,0,0,0,0,1,0,0,0,0,1,0 +"3986",0,0,50000,45000,5000,1000,300,1000,300,5300,14800,62,26808,2,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"3987",0,0,16000,16000,0,1000,345,1000,345,345,345,25,19380,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,345,1,0,1,0,0,0,0,0,1,0,0,0,0 +"3988",0,0,0,0,0,0,0,0,0,0,0,35,1560,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3989",0,0,58000,0,58000,0,0,0,0,58000,58000,32,21804,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"3990",0,0,0,0,0,600,-5450,600,-5450,-5450,-1750,28,30210,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-5450,0,0,0,0,1,0,0,0,1,0,0,0,0 +"3991",0,0,0,0,0,0,0,0,0,0,0,25,11865,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"3992",0,0,0,0,0,0,0,0,0,0,500,43,11250,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"3993",0,0,0,0,0,0,0,0,0,0,0,51,8160,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"3994",0,0,0,0,0,0,-2600,0,-2600,-2600,-600,30,8280,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2600,0,1,0,0,0,0,0,0,0,1,0,0,0 +"3995",0,0,0,0,0,0,0,0,0,0,170,43,3420,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"3996",0,0,0,0,0,1440,634,1440,634,634,1134,32,17940,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,634,0,0,1,0,0,0,0,0,0,1,0,0,0 +"3997",15000,0,170000,0,170000,18000,18000,33000,33000,203000,243000,47,33687,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,33000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"3998",0,0,10000,0,10000,13500,13100,13500,13100,23100,36553,54,13296,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,13100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"3999",0,0,0,0,0,7100,7100,7100,7100,7100,7100,32,34059,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,7100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4000",19500,0,80000,0,80000,11349,11349,30849,30849,110849,205849,31,22722,2,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,30849,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4001",0,0,0,0,0,100,-2900,100,-2900,-2900,-1900,30,31875,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-2900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4002",0,0,160000,75000,85000,3400,3400,3400,3400,88400,88400,34,40161,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,3400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4003",0,0,50000,35000,15000,0,-1800,0,-1800,13200,13200,59,14280,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4004",8000,0,115000,73500,41500,14399,12399,22399,20399,61899,75291,36,24867,2,16,0,1,1,0,1,0,0,1,0,0,0,1,3,4,0.2696004,20399,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4005",0,0,0,0,0,1323,-5177,1323,-5177,-5177,-1511,45,26700,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-5177,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4006",0,0,0,0,0,250,250,250,250,250,250,30,6450,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,250,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4007",0,0,0,0,0,0,0,0,0,0,6743,26,12750,1,3,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4008",0,0,0,0,0,300,300,300,300,300,2875,46,12018,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,300,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4009",0,0,0,0,0,1000,555,1000,555,555,555,54,25500,6,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,555,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4010",0,0,65000,26000,39000,8499,7599,8499,7599,46599,49299,57,21024,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,7599,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4011",0,0,55000,48000,7000,500,-4000,500,-4000,3000,7256,30,53040,4,15,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-4000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4012",0,0,50000,0,50000,249,249,249,249,50249,58710,44,31635,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,249,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4013",0,0,0,0,0,0,0,0,0,0,1800,39,25416,6,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4014",7000,0,72500,72500,0,12507,4937,19507,11937,11937,21937,47,23772,4,18,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,11937,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4015",0,0,15000,0,15000,500,-7551,500,-7551,7449,9649,42,13200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-7551,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4016",0,0,0,0,0,1650,-3350,1650,-3350,-3350,4703,36,28800,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3350,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4017",0,0,0,0,0,300,300,300,300,300,300,34,14304,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,300,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4018",32000,0,190000,0,190000,40600,40225,72600,72225,262225,262225,63,36072,3,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72225,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4019",0,0,26000,0,26000,200,-1450,200,-1450,24550,24550,63,31209,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1450,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4020",0,0,25000,0,25000,0,-6400,0,-6400,18600,18600,37,16788,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-6400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4021",0,0,95000,76000,19000,6200,5419,6200,5419,24419,24419,46,39582,2,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,5419,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4022",0,0,0,0,0,0,0,0,0,0,0,40,12960,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4023",3000,0,60000,50000,10000,400,-4400,3400,-1400,8600,13600,29,25308,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,-1400,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4024",0,0,0,0,0,0,-2710,0,-2710,-2710,-2710,25,21813,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2710,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4025",0,0,75000,68000,7000,800,-3200,800,-3200,3800,14800,28,55830,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3200,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4026",0,0,38500,38500,0,50,-4750,50,-4750,-4750,-4750,33,38073,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4750,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4027",246,0,100000,60000,40000,288500,287500,288746,287746,327746,327746,62,57159,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,287746,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4028",0,0,130000,62000,68000,6500,4500,6500,4500,72500,75125,46,32184,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,4500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4029",0,0,0,0,0,0,0,0,0,0,0,59,18696,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4030",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,31,16386,3,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-1200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4031",0,0,0,0,0,2200,2200,2200,2200,2200,5200,29,26223,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4032",0,0,22000,20000,2000,800,600,800,600,2600,6900,32,17646,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4033",0,0,49900,10000,39900,45,-4095,45,-4095,35805,38755,41,19413,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4095,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4034",0,0,64000,30600,33400,11,-6569,11,-6569,26831,26831,25,14484,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-6569,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4035",16000,0,125000,125000,0,5200,3000,21200,19000,19000,31000,56,77979,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,19000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4036",0,0,0,0,0,0,-1200,0,-1200,-1200,1063,25,10200,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4037",0,0,0,0,0,2932,-2168,2932,-2168,-2168,2732,29,29994,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2168,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4038",0,0,90000,0,90000,14399,14399,14399,14399,104399,104399,61,44331,3,14,1,1,0,0,1,0,0,0,0,0,1,0,5,3,0.6077043,14399,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4039",0,0,50000,31000,19000,53,53,53,53,19053,23303,43,7569,3,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,53,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4040",0,0,11000,7000,4000,0,-9500,0,-9500,-5500,3073,46,25773,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-9500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4041",0,0,0,0,0,0,-671,0,-671,-671,-671,28,24990,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-671,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4042",18000,0,0,0,0,32900,32100,110900,110100,110100,119550,51,58959,1,14,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.3107966,50100,0,0,0,0,0,0,1,0,0,0,0,1,0 +"4043",0,0,0,0,0,75,75,75,75,75,3800,42,19512,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,75,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4044",26900,0,45000,0,45000,111200,111200,138100,138100,183100,192100,61,59946,2,18,1,1,0,0,1,0,0,1,0,0,0,1,6,4,0.7130944,138100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4045",0,0,0,0,0,400,-2970,400,-2970,-2970,-2175,25,31698,1,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2970,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4046",0,0,0,0,0,0,0,0,0,0,0,31,20028,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4047",0,0,55000,45000,10000,500,-2000,500,-2000,8000,14500,31,55554,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4048",0,0,6500,0,6500,0,0,0,0,6500,7800,36,6240,4,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4049",0,0,100000,55000,45000,600,-6900,600,-6900,38100,39100,43,16326,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-6900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4050",0,0,0,0,0,0,-2500,0,-2500,-2500,8862,27,6606,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2500,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4051",0,0,0,0,0,0,0,0,0,0,4050,40,27840,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4052",0,0,56000,30000,26000,1200,-800,1200,-800,25200,34200,41,37584,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4053",0,0,0,0,0,100,100,100,100,100,1600,41,19215,3,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4054",0,0,0,0,0,949,549,949,549,549,2049,30,24627,2,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,549,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4055",0,0,0,0,0,6000,6000,6000,6000,6000,24550,32,21930,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,6000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4056",0,0,0,0,0,1100,-2400,1100,-2400,-2400,600,27,28200,2,13,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.4366938,-2400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4057",0,0,0,0,0,100,-500,100,-500,-500,0,50,8454,1,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-500,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4058",0,0,96000,96000,0,18200,12700,18200,12700,12700,52257,47,71316,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,12700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4059",0,0,0,0,0,0,-2200,0,-2200,-2200,-1950,29,3840,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-2200,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4060",900,0,0,0,0,155,-445,1055,455,455,455,52,33291,3,16,1,1,0,1,1,0,0,1,0,0,0,1,4,4,0.6044431,455,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4061",0,0,60000,55000,5000,49,-1451,49,-1451,3549,9933,39,18990,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-1451,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4062",0,0,0,0,0,1000,-1500,1000,-1500,-1500,175,34,30255,4,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4063",0,0,0,0,0,100,-1900,100,-1900,-1900,2100,26,19251,2,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-1900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4064",0,0,0,0,0,1000,1000,1000,1000,1000,1000,34,24465,3,11,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4065",0,0,18000,0,18000,0,-900,0,-900,17100,17100,45,11868,3,5,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-900,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4066",23190,0,90000,62500,27500,8699,8699,31889,31889,59389,59389,39,30690,5,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,31889,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4067",2000,0,0,0,0,0,-5000,2000,-3000,-3000,53000,39,1950,3,14,0,1,0,1,1,0,0,1,0,0,1,0,1,3,0.1755065,-3000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4068",0,0,120000,80000,40000,399,-1601,399,-1601,38399,38399,38,48021,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1601,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4069",0,0,30000,0,30000,0,-800,0,-800,29200,31200,53,20910,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4070",0,0,55000,27500,27500,0,0,0,0,27500,27500,40,8262,5,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4071",12200,0,0,0,0,16600,15800,28800,28000,28000,88750,53,39978,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,28000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4072",0,0,0,0,0,800,800,800,800,800,800,36,4458,3,12,0,1,1,1,1,0,0,0,0,1,0,0,1,2,0.0486785,800,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4073",0,0,225000,147000,78000,10000,5000,10000,5000,83000,108000,47,76338,4,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,5000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4074",0,0,0,0,0,0,-1861,0,-1861,-1861,-1861,41,7650,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1861,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4075",0,0,0,0,0,30,30,30,30,30,25530,29,12756,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,30,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4076",0,0,0,0,0,0,0,0,0,0,0,41,26520,4,7,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4077",2000,0,175000,1800,173200,5000,2500,7000,4500,177700,177700,59,22119,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,4500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4078",0,0,0,0,0,1205,1205,1205,1205,1205,1205,30,25122,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1205,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4079",0,0,45000,13000,32000,1000,294,1000,294,32294,33794,61,19545,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,294,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4080",0,0,0,0,0,1000,1000,1000,1000,1000,1585,32,27570,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4081",0,0,180000,50000,130000,3399,3199,3399,3199,133199,133199,39,16167,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,3199,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4082",5500,0,58000,46000,12000,1500,-862,7000,4638,16638,18188,27,18075,3,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,4638,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4083",0,0,76000,0,76000,2899,1449,2899,1449,77449,95249,42,25068,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1449,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4084",0,0,105000,0,105000,13818,12618,13818,12618,117618,230193,59,21843,2,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,12618,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4085",0,0,0,0,0,1200,-4100,1200,-4100,-4100,7900,34,37428,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-4100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4086",0,0,0,0,0,65000,63800,65000,63800,63800,63800,29,44559,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,63800,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4087",0,0,200000,80000,120000,12675,10175,12675,10175,130175,142175,31,65334,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,10175,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4088",0,0,0,0,0,294,-19706,294,-19706,-19706,-19706,48,32349,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-19706,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4089",0,0,0,0,0,0,0,0,0,0,3000,36,21405,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4090",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,33,22161,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4091",0,0,0,0,0,650,-3650,650,-3650,-3650,-2900,43,18240,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3650,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4092",0,0,0,0,0,0,0,0,0,0,0,59,58896,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,0,0,0,0,0,0,0,1,0,0,0,0,0,1 +"4093",0,0,0,0,0,0,0,0,0,0,0,35,17226,6,16,0,1,1,1,1,0,0,0,0,0,0,1,2,4,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4094",0,0,90000,63000,27000,14100,12300,14100,12300,39300,39300,33,36894,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,12300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4095",0,0,275000,37000,238000,103000,100000,103000,100000,338000,345000,55,93336,4,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,100000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4096",0,0,50000,42000,8000,0,0,0,0,8000,8000,50,20400,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4097",0,0,27000,0,27000,0,0,0,0,27000,30350,64,11475,1,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4098",24500,0,190000,72000,118000,400500,372500,425000,397000,515000,595000,46,94380,4,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,397000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4099",0,0,225000,150000,75000,0,-50,0,-50,74950,74950,59,4320,6,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-50,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4100",0,0,0,0,0,100,100,100,100,100,100,35,28998,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4101",20000,0,15000,0,15000,122500,122500,142500,142500,157500,418500,46,83085,2,18,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,142500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4102",0,0,0,0,0,0,0,0,0,0,0,46,12750,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4103",0,0,60000,23900,36100,1160,160,1160,160,36260,36260,41,16287,7,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,160,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4104",0,0,74000,72000,2000,85,-4165,85,-4165,-2165,3335,28,26931,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4165,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4105",0,0,0,0,0,47384,47384,47384,47384,47384,55134,48,30543,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,47384,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4106",0,0,0,0,0,10,-2490,10,-2490,-2490,-1490,40,20220,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2490,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4107",0,0,0,0,0,300,-1775,300,-1775,-1775,9225,25,32409,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1775,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4108",0,0,0,0,0,500,-4500,500,-4500,-4500,5025,27,28560,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-4500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4109",0,0,60000,58000,2000,900,-3665,900,-3665,-1665,735,38,24879,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-3665,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4110",2000,0,0,0,0,3248,3248,5248,5248,5248,5248,51,105843,3,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.4696543,5248,0,0,0,0,0,0,0,1,0,0,0,1,0 +"4111",0,0,180000,51000,129000,10,-90,10,-90,128910,129910,50,15000,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-90,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4112",0,0,0,0,0,40000,40000,40000,40000,40000,40000,30,45960,2,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,40000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4113",0,0,0,0,0,440,440,440,440,440,940,41,32472,2,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,440,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4114",1500,0,290000,87500,202500,50240,50240,51740,51740,254240,254240,38,50016,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,51740,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4115",24000,0,300000,34950,265050,30600,30500,54600,54500,319550,404550,50,27516,2,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,54500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4116",0,0,0,0,0,225,-5141,225,-5141,-5141,-5141,26,22854,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-5141,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4117",2600,0,80000,40000,40000,700,160,3300,2760,42760,42760,32,28560,4,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,2760,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4118",0,0,0,0,0,5000,3500,5000,3500,3500,12000,27,42291,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,3500,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4119",0,0,45000,42000,3000,1800,-8900,1800,-8900,-5900,-4400,30,24540,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-8900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4120",6600,0,103000,103000,0,11249,-13751,17849,-7151,-7151,39849,33,76080,4,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-7151,1,0,0,0,0,0,0,1,0,1,0,0,0 +"4121",0,0,0,0,0,0,0,0,0,0,1000,26,12084,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4122",0,0,0,0,0,1300,-4700,1300,-4700,-4700,-700,37,28134,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-4700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4123",0,0,10000,10000,0,0,-2249,0,-2249,-2249,-749,38,10614,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2249,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4124",0,0,30000,17500,12500,2993,-5007,2993,-5007,7493,9493,31,14763,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-5007,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4125",0,0,0,0,0,3000,2900,3000,2900,2900,10600,35,37380,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,2900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4126",0,0,46000,41000,5000,4000,3200,4000,3200,8200,23700,25,46506,3,11,0,0,0,0,1,0,0,0,1,0,0,0,5,1,0.4200058,3200,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4127",0,0,0,0,0,1500,1500,1500,1500,1500,7443,50,57132,2,13,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.3169526,1500,0,0,0,0,0,0,1,0,0,0,0,1,0 +"4128",0,0,0,0,0,101,-399,101,-399,-399,-399,25,17646,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-399,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4129",0,0,0,0,0,1550,50,1550,50,50,10050,38,53658,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,50,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4130",0,0,0,0,0,100,-7350,100,-7350,-7350,-7350,30,19950,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-7350,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4131",0,0,0,0,0,299,-3701,299,-3701,-3701,-3701,27,56322,8,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-3701,0,0,0,0,0,0,1,0,1,0,0,0,0 +"4132",14000,0,70000,0,70000,181000,175000,195000,189000,259000,261000,53,56997,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,189000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4133",0,0,0,0,0,0,-10900,0,-10900,-10900,-10900,30,16500,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-10900,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4134",30000,0,200000,16000,184000,21000,21000,51000,51000,235000,235000,63,22422,2,13,1,1,0,0,1,0,0,1,0,0,1,0,3,3,0.3788275,51000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4135",0,0,59500,59500,0,433,-1822,433,-1822,-1822,4878,30,35550,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1822,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4136",0,0,0,0,0,0,-7500,0,-7500,-7500,-7500,33,31260,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4137",30000,0,300000,140000,160000,3000,0,33000,30000,190000,227000,43,110820,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,30000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4138",0,0,66000,66000,0,1400,-4600,1400,-4600,-4600,600,47,46485,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4139",1700,0,0,0,0,4200,2200,5900,3900,3900,3900,28,26850,2,17,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,3900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4140",40000,0,70000,35000,35000,35330,25330,75330,65330,100330,107330,42,61857,5,14,1,1,1,1,1,0,0,1,0,0,1,0,6,3,0.7130944,65330,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4141",0,0,120000,13500,106500,750,-750,750,-750,105750,105750,56,15006,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-750,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4142",0,0,0,0,0,2500,2500,2500,2500,2500,5691,32,28629,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4143",0,0,0,0,0,55,55,55,55,55,55,34,10767,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,55,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4144",0,0,0,0,0,499,499,499,499,499,999,29,20670,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,499,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4145",7090,0,64000,57000,7000,52570,52070,59660,59160,66160,66160,45,43131,2,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,59160,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4146",0,0,0,0,0,1000,750,1000,750,750,6750,32,22500,2,6,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,750,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4147",0,0,0,0,0,200,-2300,200,-2300,-2300,-2300,36,19284,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4148",0,0,0,0,0,10,-3890,10,-3890,-3890,-1690,46,11640,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3890,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4149",0,0,126000,126000,0,4000,3500,4000,3500,3500,15500,29,130296,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,3500,1,0,0,0,0,0,0,1,1,0,0,0,0 +"4150",0,0,50000,2558,47442,5,-595,5,-595,46847,50788,31,31536,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-595,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4151",0,0,0,0,0,3200,3200,3200,3200,3200,3200,45,15654,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,3200,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4152",0,0,0,0,0,34600,33600,34600,33600,33600,34950,37,32394,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,33600,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4153",0,0,0,0,0,0,0,0,0,0,13596,35,17640,4,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4154",0,0,0,0,0,24,24,24,24,24,624,25,14661,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,24,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4155",0,0,0,0,0,2000,1960,2000,1960,1960,3460,31,17649,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1960,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4156",0,0,70000,25000,45000,500,-500,500,-500,44500,44500,47,38760,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4157",0,0,75000,37800,37200,4454,454,4454,454,37654,45654,46,80862,5,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,454,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4158",20000,0,0,0,0,38000,37800,58000,57800,57800,57800,57,30675,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,57800,0,0,0,0,1,0,0,0,0,0,0,0,1 +"4159",0,0,0,0,0,7,7,7,7,7,1007,32,9228,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,7,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4160",0,0,0,0,0,3000,3000,3000,3000,3000,3000,32,14580,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4161",25000,0,250000,0,250000,71200,64900,96200,89900,339900,342400,49,23250,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,89900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4162",6400,0,100000,70000,30000,22500,10200,28900,16600,46600,46600,25,27492,5,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,16600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4163",0,0,0,0,0,4300,-9100,4300,-9100,-9100,-6675,30,29364,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-9100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4164",0,0,0,0,0,0,0,0,0,0,6000,34,29700,9,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4165",0,0,50000,28000,22000,9900,7650,9900,7650,29650,29650,37,30996,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7650,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4166",0,0,65000,65000,0,20,20,20,20,20,4160,44,55800,4,12,0,0,0,0,1,0,0,0,0,1,0,0,6,2,0.4938007,20,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4167",0,0,90000,68000,22000,50,-1950,50,-1950,20050,29050,32,21150,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1950,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4168",0,0,88000,60000,28000,8495,-1005,8495,-1005,26995,38495,38,38313,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-1005,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4169",2000,0,93000,80000,13000,2499,2499,4499,4499,17499,29538,30,69750,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,4499,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4170",0,0,100000,0,100000,300,300,300,300,100300,110497,46,21936,6,2,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4171",0,0,0,0,0,0,-1203,0,-1203,-1203,187,51,9720,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1203,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4172",8000,0,90000,40000,50000,990,-2710,8990,5290,55290,67290,52,47295,2,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,5290,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4173",0,0,0,0,0,0,-134,0,-134,-134,11866,30,29526,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-134,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4174",0,0,0,0,0,100,-11600,100,-11600,-11600,-6600,26,25980,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-11600,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4175",0,0,210000,0,210000,24999,23149,24999,23149,233149,239699,60,22512,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,23149,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4176",0,0,0,0,0,0,0,0,0,0,0,33,6900,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4177",2500,0,0,0,0,16749,16749,19249,19249,19249,19249,58,13065,1,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,19249,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4178",0,0,75000,46000,29000,1100,-2700,1100,-2700,26300,31800,30,45810,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-2700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4179",0,0,42000,31000,11000,700,-1300,700,-1300,9700,9700,62,25500,3,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4180",0,0,55000,55000,0,2700,-1300,2700,-1300,-1300,-1300,49,19734,7,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4181",0,0,0,0,0,0,-1875,0,-1875,-1875,3125,54,26136,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1875,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4182",0,0,0,0,0,0,-3000,0,-3000,-3000,2596,54,14871,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4183",0,0,80000,48000,32000,17000,16600,17000,16600,48600,248600,30,27192,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,16600,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4184",0,0,110000,71000,39000,4950,4210,4950,4210,43210,60209,42,57180,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4210,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4185",0,0,39000,39000,0,20,-3601,20,-3601,-3601,-3601,36,26370,6,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-3601,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4186",0,0,0,0,0,5000,4924,5000,4924,4924,6849,48,11244,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,4924,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4187",1000,0,150000,71000,79000,2999,-7001,3999,-6001,72999,72999,45,58578,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,-6001,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4188",0,0,0,0,0,1598,-1502,1598,-1502,-1502,-1502,29,21021,3,16,0,1,1,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-1502,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4189",0,0,70000,35000,35000,600,500,600,500,35500,35500,61,11424,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4190",13000,0,75000,54000,21000,4600,3400,17600,16400,37400,37400,44,36060,4,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,16400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4191",0,0,90000,19900,70100,36,-1564,36,-1564,68536,69536,49,22395,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-1564,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4192",0,0,0,0,0,0,0,0,0,0,0,36,20400,5,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4193",0,0,76000,46200,29800,3975,3975,3975,3975,33775,43864,61,57060,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,3975,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4194",0,0,0,0,0,1200,1200,1200,1200,1200,3700,50,28254,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,1200,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4195",0,0,0,0,0,0,0,0,0,0,0,28,10506,5,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4196",0,0,0,0,0,0,0,0,0,0,0,29,21807,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4197",0,0,48000,46000,2000,55,-1345,55,-1345,655,4355,31,15990,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-1345,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4198",0,0,60000,0,60000,200,-300,200,-300,59700,170900,39,43230,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4199",0,0,0,0,0,13000,13000,13000,13000,13000,15500,51,34656,3,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,13000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4200",2500,0,85000,16000,69000,2200,-300,4700,2200,71200,73533,48,28812,2,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,2200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4201",0,0,9000,0,9000,1750,1150,1750,1150,10150,20500,37,12852,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1150,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4202",0,0,14000,12000,2000,0,-800,0,-800,1200,1200,35,23520,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4203",0,0,5000,3800,1200,0,-150,0,-150,1050,1550,27,15888,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-150,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4204",37000,0,300000,0,300000,49999,49999,86999,86999,386999,386999,61,33636,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,86999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4205",0,0,40000,40000,0,200,200,200,200,200,200,45,26340,5,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4206",0,0,0,0,0,16042,15042,16042,15042,15042,15042,31,13029,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15042,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4207",5000,0,90000,62000,28000,1199,649,6199,5649,33649,38649,45,35580,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,5649,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4208",0,0,0,0,0,500,500,500,500,500,500,31,13116,7,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4209",0,0,0,0,0,99,-1801,99,-1801,-1801,-1801,27,14286,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-1801,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4210",0,0,109000,48973,60027,3129,3129,3129,3129,63156,66506,25,18162,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,3129,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4211",0,0,45000,38000,7000,6799,6499,6799,6499,13499,13699,37,18696,3,17,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,6499,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4212",0,0,65000,0,65000,12100,11400,12100,11400,76400,76400,37,35226,6,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,11400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4213",10400,0,32000,0,32000,8100,8100,18500,18500,50500,81700,58,22443,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,18500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4214",0,0,60000,39000,21000,30,-2681,30,-2681,18319,22069,39,21459,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-2681,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4215",0,0,100000,35000,65000,0,0,0,0,65000,70350,55,16710,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4216",0,0,0,0,0,1500,-3500,1500,-3500,-3500,0,31,35739,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-3500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4217",8800,0,98000,0,98000,23297,23297,32097,32097,130097,139597,59,46926,2,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,32097,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4218",0,0,0,0,0,25000,25000,25000,25000,25000,41000,30,49200,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,25000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4219",0,0,135000,36000,99000,1800,1500,1800,1500,100500,100500,31,22959,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4220",0,0,0,0,0,550,-17550,550,-17550,-17550,-9550,45,48000,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-17550,0,0,0,0,0,1,0,0,0,0,0,1,0 +"4221",0,0,0,0,0,0,0,0,0,0,4575,27,39000,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4222",0,0,28500,24000,4500,0,0,0,0,4500,16000,44,18600,5,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4223",0,0,0,0,0,17499,16699,17499,16699,16699,19032,26,29700,1,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.4366938,16699,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4224",0,0,0,0,0,0,0,0,0,0,0,27,2649,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4225",13800,0,131000,131000,0,30000,26000,43800,39800,39800,332800,49,77466,2,12,1,1,1,1,1,0,0,1,0,1,0,0,7,2,0.7316045,39800,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4226",0,0,60000,57000,3000,100,100,100,100,3100,6650,38,21978,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4227",0,0,70000,61000,9000,15050,11350,15050,11350,20350,20350,32,24807,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,11350,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4228",0,0,40000,22000,18000,1000,-3300,1000,-3300,14700,14700,58,27639,2,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4229",0,0,0,0,0,50,-3099,50,-3099,-3099,-1749,32,16758,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-3099,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4230",0,0,42000,15000,27000,1749,249,1749,249,27249,33249,52,22047,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,249,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4231",0,0,0,0,0,1400,1400,1400,1400,1400,6233,28,43230,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,1400,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4232",0,0,38000,15500,22500,0,-4000,0,-4000,18500,18500,39,11205,5,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4233",0,0,0,0,0,200,200,200,200,200,700,28,2970,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,200,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4234",6000,0,100000,80000,20000,4900,4400,10900,10400,30400,102900,52,44271,6,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,10400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4235",0,0,0,0,0,2000,1930,2000,1930,1930,9026,25,16032,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1930,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4236",0,0,0,0,0,2700,2700,2700,2700,2700,7942,34,21387,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4237",0,0,75000,68000,7000,3356,2056,3356,2056,9056,9056,40,32205,2,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,2056,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4238",0,0,65000,60000,5000,848,-4152,848,-4152,848,14848,35,24159,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4152,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4239",0,0,110000,0,110000,0,0,0,0,110000,112350,60,15723,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4240",0,0,240000,30000,210000,47998,47998,47998,47998,257998,283998,62,23100,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,47998,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4241",0,0,73000,40000,33000,2999,2999,2999,2999,35999,45899,39,28740,2,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,2999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4242",0,0,0,0,0,25500,24100,25500,24100,24100,35775,49,45600,2,15,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5231876,24100,0,0,0,0,0,1,0,0,0,0,0,1,0 +"4243",0,0,0,0,0,0,-1000,0,-1000,-1000,-325,29,14580,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4244",0,0,70000,70000,0,0,0,0,0,0,750,36,24000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4245",0,0,0,0,0,0,0,0,0,0,15500,44,17214,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4246",3000,0,65000,12000,53000,108,-392,3108,2608,55608,55608,53,20406,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2608,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4247",0,0,0,0,0,15399,11599,15399,11599,11599,11599,37,38697,1,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,11599,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4248",0,0,75000,54900,20100,11500,7300,11500,7300,27400,55400,37,37920,3,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,7300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4249",0,0,65000,50500,14500,10999,10999,10999,10999,25499,25499,47,56976,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,10999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4250",0,0,60000,15000,45000,90349,90349,90349,90349,135349,141724,35,54960,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,90349,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4251",0,0,90000,60000,30000,570,-10430,570,-10430,19570,28313,27,47340,2,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,-10430,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4252",0,0,0,0,0,0,0,0,0,0,0,60,5520,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4253",0,0,47500,22000,25500,0,-38890,0,-38890,-13390,-7702,52,15909,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-38890,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4254",0,0,58000,0,58000,500,-500,500,-500,57500,57500,64,26424,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4255",0,0,90000,44560,45440,900,850,900,850,46290,47040,59,18564,4,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,850,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4256",0,0,68000,68000,0,12700,10700,12700,10700,10700,20700,42,40500,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4257",0,0,0,0,0,8,8,8,8,8,8,50,3684,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,8,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4258",0,0,63000,20000,43000,750,-750,750,-750,42250,47492,59,21366,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-750,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4259",0,0,80000,35000,45000,0,0,0,0,45000,46500,29,10200,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4260",0,0,0,0,0,649,-551,649,-551,-551,287,52,37320,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-551,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4261",0,0,250000,45000,205000,100,-3900,100,-3900,201100,206100,26,28320,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3900,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4262",6000,0,45000,0,45000,14800,12300,20800,18300,63300,73500,54,45225,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,18300,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4263",0,0,0,0,0,992,892,992,892,892,2442,26,22338,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,892,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4264",3300,0,140000,22000,118000,5500,4500,8800,7800,125800,131800,56,32148,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,7800,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4265",2000,0,0,0,0,1500,-2500,3500,-500,-500,2233,32,30669,1,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,-500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4266",0,0,48500,20500,28000,249,-5851,249,-5851,22149,22149,36,15045,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-5851,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4267",0,0,65000,42000,23000,106,-1694,106,-1694,21306,27306,38,51432,3,14,1,0,0,0,1,0,0,0,0,0,1,0,6,3,0.7472324,-1694,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4268",0,0,67000,64000,3000,1628,-6072,1628,-6072,-3072,32928,30,39957,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-6072,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4269",31671,0,162000,100000,62000,105000,101000,136671,132671,194671,259267,52,38832,2,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,132671,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4270",0,0,26000,18200,7800,1130,-18880,1130,-18880,-11080,-11080,35,42930,3,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-18880,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4271",0,0,145000,52500,92500,5999,4629,5999,4629,97129,97129,28,48900,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4629,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4272",0,0,0,0,0,300,300,300,300,300,3650,42,35700,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4273",0,0,250000,150000,100000,1199,-11501,1199,-11501,88499,88499,46,33726,4,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-11501,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4274",0,0,65000,60000,5000,1149,-2551,1149,-2551,2449,2849,64,12069,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2551,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4275",36000,0,25000,10000,15000,222999,214999,258999,250999,265999,465999,50,162597,4,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,250999,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4276",0,0,59000,55900,3100,1500,-8300,1500,-8300,-5200,-5200,36,26772,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-8300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4277",0,0,55000,18000,37000,8099,5399,8099,5399,42399,42399,48,30831,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,5399,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4278",56000,0,0,0,0,151800,151750,207800,207750,207750,207750,62,49788,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.3442089,207750,0,0,0,0,0,1,0,0,0,0,0,0,1 +"4279",1800,0,0,0,0,1600,-8400,3400,-6600,-6600,-3250,50,19965,1,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,-6600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4280",0,0,35000,32000,3000,999,499,999,499,3499,3499,32,43146,3,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,499,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4281",0,0,0,0,0,0,0,0,0,0,750,39,9600,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4282",0,0,52000,34000,18000,2300,2200,2300,2200,20200,25661,29,8379,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,2200,1,1,0,0,0,0,0,0,1,0,0,0,0 +"4283",6000,0,70000,40500,29500,0,-8400,6000,-2400,27100,27100,54,61692,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-2400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4284",0,0,0,0,0,2391,-4609,2391,-4609,-4609,61391,36,72069,4,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-4609,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4285",0,0,0,0,0,5,-3345,5,-3345,-3345,5155,41,7797,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-3345,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4286",0,0,0,0,0,2,-3088,2,-3088,-3088,-3088,45,28944,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3088,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4287",0,0,0,0,0,600,600,600,600,600,600,60,3825,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,600,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4288",2000,0,150000,98000,52000,20100,20100,22100,22100,74100,77450,35,53010,2,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,22100,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4289",0,0,0,0,0,100,100,100,100,100,2650,31,10755,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4290",0,0,35000,30000,5000,1000,540,1000,540,5540,7540,27,24840,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,540,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4291",0,0,20000,9900,10100,15,-2085,15,-2085,8015,8015,40,9000,6,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-2085,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4292",0,0,125000,55500,69500,26200,26200,26200,26200,95700,95700,59,28284,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,26200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4293",0,0,0,0,0,799,799,799,799,799,9260,37,13185,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,799,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4294",0,0,39000,29900,9100,0,-5850,0,-5850,3250,11100,36,19170,4,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-5850,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4295",0,0,0,0,0,0,-1000,0,-1000,-1000,6500,31,18819,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4296",0,0,0,0,0,0,-11179,0,-11179,-11179,-11179,46,6900,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-11179,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4297",0,0,65000,0,65000,100,100,100,100,65100,65100,45,34731,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4298",0,0,0,0,0,400,-2350,400,-2350,-2350,-2350,36,14646,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2350,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4299",0,0,0,0,0,19750,19650,19750,19650,19650,19650,61,17253,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,19650,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4300",14000,0,300000,150000,150000,61000,60000,75000,74000,224000,464500,31,105567,1,16,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,74000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"4301",100,0,68500,25000,43500,1549,349,1649,449,43949,43949,43,27792,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,449,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4302",0,0,40000,23000,17000,10,-5390,10,-5390,11610,11610,43,58599,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5390,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4303",0,0,70000,38500,31500,3700,3700,3700,3700,35200,37200,29,42510,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3700,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4304",0,0,42000,28000,14000,98,-5475,98,-5475,8525,10525,60,25650,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5475,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4305",0,0,0,0,0,160,-8840,160,-8840,-8840,-590,45,21150,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-8840,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4306",0,0,300000,150000,150000,0,0,0,0,150000,150000,37,9450,8,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4307",0,0,40000,32000,8000,2500,-5700,2500,-5700,2300,6133,41,6741,2,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,-5700,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4308",0,0,30000,0,30000,12000,7450,12000,7450,37450,37450,34,20199,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,7450,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4309",0,0,0,0,0,0,0,0,0,0,0,32,15834,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4310",0,0,100000,15200,84800,100,-700,100,-700,84100,169100,32,24000,3,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4311",0,0,9000,12000,-3000,500,-3500,500,-3500,-6500,-6700,43,14700,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-3500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4312",0,0,20000,0,20000,0,0,0,0,20000,21510,47,8694,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"4313",0,0,0,0,0,0,0,0,0,0,0,30,10932,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4314",5200,0,55000,29000,26000,5999,5999,11199,11199,37199,49199,37,43968,4,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,11199,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4315",0,0,3000,0,3000,41,-1195,41,-1195,1805,1805,30,19239,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1195,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4316",0,0,0,0,0,1230,-16270,1230,-16270,-16270,-15070,25,19131,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-16270,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4317",9000,0,100000,65000,35000,80200,72700,89200,81700,116700,179300,51,56883,2,13,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.4868788,81700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4318",4000,0,57000,48000,9000,200,200,4200,4200,13200,14000,28,48060,4,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,4200,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4319",0,0,140000,50000,90000,21299,13409,21299,13409,103409,103409,35,35283,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,13409,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4320",5100,0,0,0,0,19252,19252,24352,24352,24352,28877,25,43050,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,24352,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4321",0,0,40000,18000,22000,0,0,0,0,22000,25500,33,12837,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4322",0,0,58000,53000,5000,875,875,875,875,5875,7375,34,15300,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,875,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4323",3400,0,0,0,0,11373,1673,14773,5073,5073,25573,39,68712,4,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.3533661,5073,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4324",0,0,0,0,0,750,-612,750,-612,-612,19,28,15045,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-612,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4325",0,0,0,0,0,800,-7996,800,-7996,-7996,-7996,51,25200,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-7996,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4326",12500,0,130000,82663,47337,29049,29049,41549,41549,88886,104861,39,84111,1,18,1,0,1,0,1,0,0,1,0,0,0,1,7,4,0.7355057,41549,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4327",0,0,0,0,0,6899,-101,6899,-101,-101,3899,29,29424,2,18,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,-101,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4328",0,0,0,0,0,2000,-3200,2000,-3200,-3200,1300,31,51615,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-3200,0,0,0,0,0,0,1,0,0,1,0,0,0 +"4329",779,0,50000,50000,0,720,-80,1499,699,699,5568,35,22113,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,699,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4330",0,0,140000,38500,101500,0,0,0,0,101500,105943,48,23634,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4331",0,0,0,0,0,50,-1450,50,-1450,-1450,-1450,56,8160,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1450,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4332",0,0,0,0,0,25,25,25,25,25,25,56,24744,2,1,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,25,0,0,0,1,0,0,0,0,0,0,0,0,1 +"4333",0,0,0,0,0,100,-1100,100,-1100,-1100,4450,45,28524,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-1100,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4334",0,0,0,0,0,0,0,0,0,0,0,34,39900,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4335",27526,0,0,0,0,11909,11663,39435,39189,39189,44292,38,45336,1,17,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,39189,0,0,0,0,0,1,0,0,0,0,1,0,0 +"4336",0,0,90000,74000,16000,17000,15000,17000,15000,31000,39500,34,62436,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4337",11500,0,0,0,0,29999,29999,41499,41499,41499,41999,61,22893,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,41499,0,0,0,1,0,0,0,0,0,0,0,0,1 +"4338",0,0,0,0,0,3000,3000,3000,3000,3000,3000,38,18540,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4339",0,0,150000,0,150000,18999,15999,18999,15999,165999,165999,55,22740,7,4,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,15999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4340",0,0,0,0,0,10000,10000,10000,10000,10000,10000,35,46278,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,10000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4341",0,0,8000,0,8000,20000,16000,20000,16000,24000,28000,42,36600,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,16000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4342",5000,0,40000,0,40000,4600,4600,9600,9600,49600,77200,59,23445,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,9600,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4343",0,0,0,0,0,0,-1431,0,-1431,-1431,-431,25,26796,6,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1431,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4344",0,0,230000,50000,180000,225,-1030,225,-1030,178970,180170,46,17652,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1030,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4345",2500,0,0,0,0,0,0,2500,2500,2500,3000,32,13452,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.105793,2500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4346",22000,0,135000,97600,37400,32000,31500,54000,53500,90900,106953,32,69630,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,53500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4347",0,0,25000,12000,13000,50,50,50,50,13050,14800,30,18360,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4348",0,0,45000,36000,9000,1000,1000,1000,1000,10000,11800,41,46791,3,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4349",0,0,120000,51500,68500,1177,-9123,1177,-9123,59377,68377,43,47457,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-9123,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4350",0,0,42000,19000,23000,0,-11000,0,-11000,12000,30700,51,18264,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-11000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4351",2500,0,56000,36000,20000,11000,11000,13500,13500,33500,33500,37,25800,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,13500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4352",0,0,90000,62000,28000,1200,-13300,1200,-13300,14700,27700,38,62703,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-13300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4353",0,0,225000,50000,175000,18000,17700,18000,17700,192700,192700,41,61953,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,17700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4354",0,0,76000,30000,46000,11275,10690,11275,10690,56690,56690,48,43050,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,10690,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4355",0,0,0,0,0,24999,24999,24999,24999,24999,26499,28,33900,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,24999,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4356",0,0,75000,63950,11050,20000,20000,20000,20000,31050,38516,25,33360,7,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,20000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4357",0,0,300000,0,300000,47000,47000,47000,47000,347000,347000,56,91692,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,47000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4358",12500,0,225000,150000,75000,66300,65800,78800,78300,153300,203300,32,83652,4,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,78300,1,0,0,0,0,0,0,1,0,1,0,0,0 +"4359",22000,0,230000,150000,80000,192000,182000,214000,204000,284000,386000,35,54300,2,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,204000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4360",0,0,0,0,0,3800,-1400,3800,-1400,-1400,1100,31,32082,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4361",0,0,0,0,0,2100,-4900,2100,-4900,-4900,-4400,28,20460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-4900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4362",0,0,80000,40000,40000,600,-100,600,-100,39900,54900,40,58320,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4363",0,0,0,0,0,150,-20850,150,-20850,-20850,-20850,31,7650,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-20850,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4364",0,0,0,0,0,150,-4050,150,-4050,-4050,2203,40,35475,3,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-4050,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4365",0,0,71900,60000,11900,7332,5756,7332,5756,17656,36656,53,70374,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5756,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4366",0,0,0,0,0,8000,7000,8000,7000,7000,8000,25,24480,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,7000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4367",0,0,0,0,0,6658,5158,6658,5158,5158,24158,30,47046,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,5158,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4368",18698,0,130000,126000,4000,34560,34560,53258,53258,57258,69258,37,85926,3,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,53258,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4369",18000,0,200000,0,200000,7550,7550,25550,25550,225550,318150,60,3555,2,14,0,1,1,0,1,0,0,1,0,0,1,0,1,3,0.2088342,25550,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4370",0,0,0,0,0,800,-1900,800,-1900,-1900,-575,25,31956,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1900,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4371",0,0,50000,0,50000,0,0,0,0,50000,58743,57,18630,1,4,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4372",0,0,0,0,0,0,0,0,0,0,0,33,9855,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4373",0,0,0,0,0,100,-1500,100,-1500,-1500,-1500,30,11256,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4374",0,0,110000,65000,45000,6500,6350,6500,6350,51350,53850,35,43050,2,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,6350,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4375",0,0,28000,23000,5000,0,-1800,0,-1800,3200,4000,47,6435,7,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,-1800,1,1,0,0,0,0,0,0,0,0,0,1,0 +"4376",0,0,42000,0,42000,16520,15970,16520,15970,57970,60470,37,7182,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.036628,15970,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4377",0,0,0,0,0,53,-1847,53,-1847,-1847,-1347,54,4917,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-1847,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4378",0,0,33750,33750,0,0,0,0,0,0,4000,55,22656,4,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4379",0,0,50000,0,50000,898,-1102,898,-1102,48898,48898,37,31200,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1102,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4380",0,0,110000,110000,0,4549,-10491,4549,-10491,-10491,-3491,36,36267,4,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-10491,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4381",5678,0,0,0,0,33000,33000,38678,38678,38678,46678,32,93954,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,38678,0,0,0,0,0,0,0,1,0,1,0,0,0 +"4382",0,0,75000,0,75000,0,-5300,0,-5300,69700,69700,54,40320,6,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-5300,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4383",0,0,0,0,0,44998,43198,44998,43198,43198,43198,47,84378,3,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.4572618,43198,0,0,0,0,0,0,0,1,0,0,0,1,0 +"4384",0,0,60000,54000,6000,200,200,200,200,6200,6200,44,34539,7,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4385",0,0,0,0,0,0,-450,0,-450,-450,-450,31,12816,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-450,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4386",9000,0,155000,0,155000,80000,78600,89000,87600,242600,248842,60,42288,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,87600,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4387",0,0,0,0,0,350,350,350,350,350,1350,35,17913,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,350,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4388",18000,0,115000,31000,84000,20400,20400,38400,38400,122400,147200,41,54210,3,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,38400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4389",0,0,140000,84077,55923,450,-22663,450,-22663,33260,139560,43,27489,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-22663,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4390",0,0,30000,27000,3000,2300,1650,2300,1650,4650,19650,34,21348,4,2,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,1650,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4391",0,0,120000,105000,15000,99,-1401,99,-1401,13599,13599,28,54456,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1401,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4392",0,0,69000,61000,8000,174,-16826,174,-16826,-8826,-8826,34,15120,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-16826,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4393",0,0,43000,39500,3500,900,-2719,900,-2719,781,5581,27,25971,3,14,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2719,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4394",0,0,158000,33400,124600,1000,1000,1000,1000,125600,126100,63,19764,6,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,1000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4395",0,0,0,0,0,6030,6030,6030,6030,6030,12905,33,16452,1,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,6030,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4396",0,0,25000,20000,5000,50,50,50,50,5050,5550,52,21240,3,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,50,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4397",0,0,0,0,0,1000,1000,1000,1000,1000,9453,32,9774,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,1000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4398",16000,0,60000,16800,43200,8400,3900,24400,19900,63100,65500,54,26760,3,14,0,1,1,0,1,0,0,1,0,0,1,0,3,3,0.2696004,19900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4399",0,0,120000,65000,55000,12000,12000,12000,12000,67000,267000,62,68076,5,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,12000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4400",2500,0,110000,62000,48000,3500,1500,6000,4000,52000,57000,43,45510,4,18,1,1,0,0,1,0,0,1,0,0,0,1,5,4,0.7196674,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4401",0,0,85000,80000,5000,1900,200,1900,200,5200,11200,33,37146,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4402",11000,0,20000,0,20000,6699,4199,17699,15199,35199,35199,44,18390,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,15199,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4403",0,0,90000,67000,23000,20,-11980,20,-11980,11020,15020,40,24000,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-11980,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4404",0,0,0,0,0,12530,11030,12530,11030,11030,14380,54,13872,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,11030,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4405",0,0,0,0,0,49,-5626,49,-5626,-5626,-5626,38,9303,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5626,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4406",0,0,80000,75000,5000,1000,-9500,1000,-9500,-4500,-4500,32,28890,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-9500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4407",0,0,0,0,0,14747,11347,14747,11347,11347,11947,48,141315,2,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,11347,0,0,0,0,0,0,0,1,0,0,0,1,0 +"4408",0,0,0,0,0,634,634,634,634,634,634,26,12660,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,634,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4409",1200,0,230000,150000,80000,9997,7697,11197,8897,88897,96897,36,44400,5,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,8897,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4410",0,0,0,0,0,0,0,0,0,0,0,26,6000,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4411",0,0,35000,0,35000,3000,2740,3000,2740,37740,40740,55,10296,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,2740,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4412",4500,0,75000,46200,28800,2000,-11500,6500,-7000,21800,28100,30,45150,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,-7000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4413",0,0,0,0,0,0,0,0,0,0,0,38,21600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4414",0,0,180000,98000,82000,21000,15300,21000,15300,97300,105300,29,34620,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,15300,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4415",1770,0,65000,0,65000,4259,2259,6029,4029,69029,77029,47,27414,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,4029,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4416",0,0,0,0,0,1350,1350,1350,1350,1350,1350,38,55350,4,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1350,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4417",0,0,85000,0,85000,1450,-2550,1450,-2550,82450,82450,38,27930,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-2550,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4418",0,0,0,0,0,2260,-1140,2260,-1140,-1140,1635,26,32001,1,17,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-1140,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4419",5007,0,112900,35000,77900,34347,34347,39354,39354,117254,117254,61,70557,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,39354,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4420",0,0,0,0,0,6100,6100,6100,6100,6100,6100,60,21720,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,6100,0,0,0,1,0,0,0,0,0,0,0,0,1 +"4421",0,0,60000,20000,40000,955,-2745,955,-2745,37255,44255,35,36000,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-2745,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4422",0,0,82000,76300,5700,825,-2293,825,-2293,3407,14407,29,37053,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2293,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4423",0,0,180000,15600,164400,40000,37240,40000,37240,201640,201640,46,55074,6,13,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.6688337,37240,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4424",230,0,120000,74000,46000,5462,4862,5692,5092,51092,64517,29,36744,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,5092,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4425",0,0,45000,0,45000,5099,2099,5099,2099,47099,47099,49,14970,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2099,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4426",0,0,18000,18000,0,0,0,0,0,0,0,30,12360,3,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4427",0,0,55000,51900,3100,101,-3899,101,-3899,-799,15201,25,65262,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3899,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4428",0,0,0,0,0,650,-2850,650,-2850,-2850,316,27,30015,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2850,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4429",0,0,25000,13500,11500,32705,22705,32705,22705,34205,34955,37,15246,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,22705,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4430",0,0,0,0,0,2400,2130,2400,2130,2130,2880,36,14340,1,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2130,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4431",18400,0,0,0,0,27000,24920,45400,43320,43320,43320,53,55266,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.3533661,43320,0,0,0,0,0,0,1,0,0,0,0,1,0 +"4432",0,0,0,0,0,0,0,0,0,0,0,47,48954,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,0,1,0 +"4433",0,0,135500,87500,48000,2090,440,2090,440,48440,52440,37,40647,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,440,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4434",0,0,0,0,0,500,-1170,500,-1170,-1170,7291,27,24564,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1170,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4435",0,0,0,0,0,0,0,0,0,0,0,43,17844,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4436",0,0,10000,0,10000,200,200,200,200,10200,10999,53,24000,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4437",0,0,40000,32000,8000,0,0,0,0,8000,10500,53,16830,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4438",17000,0,220000,112000,108000,1097,-403,18097,16597,124597,139597,51,85980,2,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,16597,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4439",18001,0,115000,47000,68000,77500,75500,95501,93501,161501,329901,48,79053,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,93501,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4440",0,0,50000,30000,20000,800,-2200,800,-2200,17800,21975,26,17880,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2200,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4441",0,0,100000,0,100000,0,-600,0,-600,99400,101900,35,21063,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-600,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4442",0,0,120000,69000,51000,10900,7900,10900,7900,58900,73900,34,56787,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,7900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4443",0,0,11000,11000,0,13099,13099,13099,13099,13099,13099,64,15696,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,13099,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4444",50000,0,150000,0,150000,22399,21399,72399,71399,221399,232574,59,46956,1,11,1,0,0,0,1,0,0,1,1,0,0,0,5,1,0.650903,71399,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4445",0,0,60000,15000,45000,11800,11800,11800,11800,56800,60400,63,26736,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,11800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4446",2200,0,45000,18000,27000,3300,2900,5500,5100,32100,40300,37,47850,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,5100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4447",0,0,180000,36000,144000,3000,2750,3000,2750,146750,146750,44,10446,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2750,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4448",0,0,0,0,0,0,0,0,0,0,5000,25,11220,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4449",0,0,0,0,0,0,-1690,0,-1690,-1690,-1690,41,20592,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1690,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4450",0,0,0,0,0,21399,21199,21399,21199,21199,32199,29,25803,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,21199,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4451",7500,0,300000,0,300000,50000,50000,57500,57500,357500,417500,64,85080,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,57500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4452",0,0,0,0,0,2800,2573,2800,2573,2573,20073,26,22830,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2573,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4453",0,0,54000,40900,13100,301,-7299,301,-7299,5801,6801,44,46113,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-7299,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4454",0,0,0,0,0,30,30,30,30,30,7030,26,39846,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,30,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4455",0,0,0,0,0,0,0,0,0,0,11000,47,29100,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4456",0,0,80000,33000,47000,1000,1000,1000,1000,48000,48000,29,19254,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,1000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4457",0,0,90000,70000,20000,4100,-5000,4100,-5000,15000,119000,58,51489,2,18,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-5000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4458",0,0,120000,90000,30000,13749,13259,13749,13259,43259,150759,35,60897,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,13259,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4459",0,0,0,0,0,3399,3399,3399,3399,3399,6399,31,37509,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,3399,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4460",0,0,0,0,0,600,-400,600,-400,-400,8879,34,28050,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4461",0,0,95000,70000,25000,900,300,900,300,25300,25300,36,40050,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4462",0,0,20000,10000,10000,5,-3995,5,-3995,6005,6005,37,36564,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3995,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4463",0,0,130000,60000,70000,42150,28150,42150,28150,98150,106150,43,117342,5,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,28150,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4464",0,0,0,0,0,9199,7399,9199,7399,7399,12399,26,32844,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,7399,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4465",0,0,0,0,0,1400,1400,1400,1400,1400,1400,25,14850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4466",14000,0,220000,132000,88000,27000,25400,41000,39400,127400,159059,56,76500,3,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,39400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4467",30000,0,60000,0,60000,7099,6699,37099,36699,96699,99099,47,47178,5,14,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,36699,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4468",0,0,0,0,0,157,-8952,157,-8952,-8952,-7327,29,21405,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-8952,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4469",0,0,0,0,0,0,0,0,0,0,0,62,15387,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4470",0,0,48000,38500,9500,0,-900,0,-900,8600,9012,53,13029,5,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,-900,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4471",0,0,0,0,0,2500,-8500,2500,-8500,-8500,82000,28,33450,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-8500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4472",0,0,65000,0,65000,0,0,0,0,65000,130000,55,7644,2,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4473",0,0,65000,56000,9000,591,591,591,591,9591,23071,37,35889,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,591,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4474",0,0,26000,21500,4500,7709,6409,7709,6409,10909,16277,28,25464,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,6409,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4475",0,0,0,0,0,499,-3001,499,-3001,-3001,-2001,25,19230,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3001,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4476",2672,0,168000,90000,78000,0,0,2672,2672,80672,84071,43,94476,3,16,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,2672,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4477",0,0,40000,30000,10000,3000,2840,3000,2840,12840,16840,53,13500,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2840,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4478",0,0,20000,0,20000,45,-7955,45,-7955,12045,20045,34,33954,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-7955,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4479",400,0,110000,53000,57000,1000,1000,1400,1400,58400,64450,43,28005,3,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,1400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4480",1800,0,77500,51000,26500,7500,6460,9300,8260,34760,44760,47,37932,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,8260,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4481",0,0,0,0,0,0,0,0,0,0,0,48,6564,10,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4482",0,0,0,0,0,3899,3899,3899,3899,3899,3899,34,19713,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3899,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4483",0,0,0,0,0,0,-300,0,-300,-300,-300,41,18090,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4484",0,0,87000,63500,23500,500,500,500,500,24000,24000,40,62745,7,11,1,1,1,1,1,0,0,0,1,0,0,0,6,1,0.6688337,500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4485",0,0,110000,0,110000,1200,1200,1200,1200,111200,121200,41,33600,5,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,1200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4486",1400,0,100000,95000,5000,18947,18347,20347,19747,24747,24747,36,1137,5,16,0,1,0,0,1,0,0,1,0,0,0,1,1,4,0.2088342,19747,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4487",0,0,0,0,0,229,-721,229,-721,-721,4179,27,21528,2,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-721,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4488",12000,0,165000,150000,15000,37749,35749,49749,47749,62749,62749,36,82656,4,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,47749,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4489",0,0,0,0,0,400,400,400,400,400,400,25,14400,5,17,0,1,1,0,1,0,0,0,0,0,0,1,2,4,0.1283302,400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4490",0,0,0,0,0,1105,-11495,1105,-11495,-11495,5505,32,43272,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-11495,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4491",0,0,87500,84900,2600,669,-2881,669,-2881,-281,-281,29,25899,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-2881,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4492",0,0,3800,0,3800,5800,5800,5800,5800,9600,9600,51,15450,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,5800,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4493",0,0,0,0,0,2000,2000,2000,2000,2000,2000,44,43470,3,17,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,2000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"4494",0,0,65000,60000,5000,2000,200,2000,200,5200,17200,30,36450,5,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4495",0,0,5000,0,5000,24,24,24,24,5024,5074,50,7923,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,24,1,1,0,0,0,0,0,0,0,0,0,1,0 +"4496",0,0,187900,80000,107900,20200,15200,20200,15200,123100,123100,42,72105,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4497",0,0,140000,100000,40000,49999,49999,49999,49999,89999,275874,52,13818,1,16,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4041266,49999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4498",12600,0,300000,150000,150000,12800,8800,49400,45400,195400,195400,57,100620,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,21400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4499",0,0,20000,0,20000,0,0,0,0,20000,21000,60,7830,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4500",2000,0,0,0,0,10199,10199,12199,12199,12199,12199,27,25386,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,12199,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4501",0,0,70000,0,70000,3599,2599,3599,2599,72599,86995,61,10728,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2599,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4502",0,0,79000,40000,39000,7000,3000,7000,3000,42000,49500,31,60810,4,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,3000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4503",0,0,0,0,0,0,0,0,0,0,0,29,840,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4504",3000,0,95000,95000,0,38000,31420,41000,34420,34420,34420,42,90000,5,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,34420,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4505",0,0,64000,32000,32000,85154,80154,85154,80154,112154,114154,63,30639,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,80154,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4506",0,0,0,0,0,500,-4000,500,-4000,-4000,-400,28,48120,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4000,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4507",2500,0,140000,38500,101500,10250,9250,12750,11750,113250,118250,50,76404,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,11750,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4508",8000,0,225000,0,225000,26999,26999,34999,34999,259999,259999,55,35169,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,34999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4509",0,0,58000,27000,31000,0,0,0,0,31000,31000,61,0,3,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4510",0,0,90000,40000,50000,200,-1305,200,-1305,48695,56150,33,32010,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1305,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4511",0,0,0,0,0,23800,23200,23800,23200,23200,35605,33,27060,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,23200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4512",0,0,0,0,0,0,0,0,0,0,200,40,7461,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4513",0,0,0,0,0,5950,3550,5950,3550,3550,38850,52,20838,1,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,3550,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4514",0,0,35000,15000,20000,0,0,0,0,20000,20000,47,17850,6,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4515",0,0,0,0,0,0,0,0,0,0,0,30,4200,6,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4516",0,0,0,0,0,0,0,0,0,0,0,58,16500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4517",11048,0,120000,23000,97000,73300,73200,84348,84248,181248,346398,62,92598,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,84248,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4518",0,0,0,0,0,500,-500,500,-500,-500,3975,46,35730,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4519",0,0,0,0,0,1400,-1400,1400,-1400,-1400,5933,52,28344,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-1400,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4520",0,0,65500,65500,0,0,-2500,0,-2500,-2500,-1000,28,24600,3,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2500,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4521",0,0,0,0,0,25,-7075,25,-7075,-7075,-7075,36,8574,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-7075,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4522",0,0,110000,67500,42500,749,749,749,749,43249,43249,48,26055,7,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,749,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4523",18000,0,0,0,0,149,-851,18149,17149,17149,17149,54,50409,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,17149,0,0,0,0,0,0,1,0,0,0,0,1,0 +"4524",5000,0,0,0,0,5200,4750,10200,9750,9750,9750,43,22578,2,14,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.4172195,9750,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4525",0,0,0,0,0,400,-734,400,-734,-734,-734,42,17814,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-734,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4526",0,0,0,0,0,11300,9800,11300,9800,9800,11880,32,21837,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,9800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4527",0,0,90000,76000,14000,28000,23000,28000,23000,37000,55350,51,16800,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,23000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4528",0,0,0,0,0,5190,5190,5190,5190,5190,55190,42,43173,3,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,5190,0,0,0,0,0,1,0,0,0,0,1,0,0 +"4529",0,0,64000,48000,16000,0,0,0,0,16000,22000,30,10200,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4530",0,0,65000,25000,40000,18500,18300,18500,18300,58300,83300,62,29700,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,18300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4531",0,0,138000,131000,7000,700,-3000,700,-3000,4000,9580,34,49500,3,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-3000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4532",0,0,0,0,0,525,225,525,225,225,225,35,38550,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,225,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4533",0,0,120000,56000,64000,660,281,660,281,64281,64281,45,57675,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,281,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4534",120,0,42500,32000,10500,5500,5310,5620,5430,15930,38205,55,20547,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,5430,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4535",0,0,0,0,0,0,-1246,0,-1246,-1246,-1246,42,14307,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1246,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4536",0,0,0,0,0,1800,-2200,1800,-2200,-2200,4800,34,43716,3,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-2200,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4537",1600,0,96000,89000,7000,1699,1699,3299,3299,10299,24221,33,47823,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,3299,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4538",0,0,0,0,0,120,-3230,120,-3230,-3230,1103,29,39000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3230,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4539",0,0,65000,56000,9000,263,-437,263,-437,8563,16915,28,22623,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,-437,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4540",22000,0,85000,45000,40000,13100,13000,35100,35000,75000,100000,53,17244,3,15,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,35000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4541",0,0,53000,53000,0,500,-1600,500,-1600,-1600,-1600,36,36000,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4542",0,0,0,0,0,1525,1444,1525,1444,1444,10444,31,27162,2,13,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1444,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4543",0,0,6000,500,5500,1600,-2282,1600,-2282,3218,3218,58,10611,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2282,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4544",0,0,40000,0,40000,0,0,0,0,40000,40000,26,4320,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"4545",6000,0,160000,35000,125000,6350,4150,12350,10150,135150,395150,45,49551,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,10150,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4546",0,0,0,0,0,599,-6401,599,-6401,-6401,-5226,44,25188,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-6401,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4547",0,0,35000,0,35000,280,-2948,280,-2948,32052,34564,32,20712,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-2948,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4548",0,0,50000,0,50000,499,499,499,499,50499,51499,47,15330,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,499,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4549",18000,0,150000,25000,125000,139350,139350,157350,157350,282350,282350,46,73620,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,157350,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4550",32000,0,265000,150000,115000,61300,61300,93300,93300,208300,208300,45,105300,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,93300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4551",0,0,86000,55000,31000,270,-1630,270,-1630,29370,40370,42,44526,6,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-1630,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4552",0,0,0,0,0,100,100,100,100,100,450,33,19200,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4553",0,0,20000,0,20000,15759,12759,15759,12759,32759,36109,60,13788,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,12759,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4554",0,0,90000,40000,50000,700,400,700,400,50400,52850,48,33921,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,400,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4555",0,0,100000,30000,70000,1800,300,1800,300,70300,75100,34,26490,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4556",0,0,90000,57000,33000,47000,42935,47000,42935,75935,75935,42,36093,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,42935,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4557",0,0,75000,65000,10000,20,-980,20,-980,9020,14132,39,22800,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-980,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4558",7000,0,150000,60000,90000,1600,1400,8600,8400,98400,98400,38,78396,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,8400,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4559",0,0,62000,46350,15650,100,-2400,100,-2400,13250,18350,39,30750,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4560",0,0,80000,23000,57000,0,-3000,0,-3000,54000,55500,53,9705,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-3000,1,1,0,0,0,0,0,0,0,0,0,1,0 +"4561",0,0,0,0,0,0,0,0,0,0,0,27,10497,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4562",0,0,0,0,0,0,0,0,0,0,0,51,12750,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4563",0,0,0,0,0,0,-1300,0,-1300,-1300,-1300,26,12240,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4564",0,0,40000,35000,5000,827,727,827,727,5727,7133,47,15540,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,727,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4565",0,0,0,0,0,0,0,0,0,0,0,29,1530,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4566",0,0,58000,0,58000,2499,-633,2499,-633,57367,60067,56,17724,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-633,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4567",0,0,100000,39000,61000,4999,999,4999,999,61999,61999,31,55200,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,999,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4568",0,0,0,0,0,0,0,0,0,0,0,45,17403,8,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4569",0,0,40000,0,40000,30750,27600,30750,27600,67600,68850,63,12804,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,27600,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4570",0,0,0,0,0,1999,1999,1999,1999,1999,16552,29,15420,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1999,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4571",0,0,0,0,0,250,-4950,250,-4950,-4950,-1600,45,30246,3,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-4950,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4572",0,0,160000,72000,88000,300,-9700,300,-9700,78300,78900,54,53961,4,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4573",1000,0,71000,9000,62000,200,200,1200,1200,63200,69200,62,16620,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,1200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4574",0,0,80000,0,80000,92700,85300,92700,85300,165300,195300,45,41352,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,85300,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4575",8000,0,285000,0,285000,14349,14349,22349,22349,307349,307599,60,42396,3,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,22349,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4576",0,0,0,0,0,1000,-1160,1000,-1160,-1160,1720,31,24300,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-1160,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4577",0,0,60000,0,60000,3200,2900,3200,2900,62900,72900,39,50064,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4578",0,0,190000,9000,181000,1707,1207,1707,1207,182207,192207,56,28797,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1207,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4579",10399,0,47500,44000,3500,198898,198443,209297,208842,212342,552342,37,32628,3,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,208842,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4580",3500,0,30000,20500,9500,700,700,4200,4200,13700,13900,54,37980,8,6,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,4200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4581",0,0,0,0,0,500,-10030,500,-10030,-10030,-9280,32,22140,3,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.4366938,-10030,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4582",0,0,0,0,0,0,-500,0,-500,-500,-500,55,18468,1,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-500,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4583",0,0,42000,51600,-9600,1050,-6127,1050,-6127,-15727,-14265,41,35478,2,7,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,-6127,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4584",0,0,0,0,0,0,0,0,0,0,500,40,8394,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4585",2500,0,25000,17000,8000,9200,5900,11700,8400,16400,22900,29,39321,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,8400,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4586",0,0,0,0,0,0,0,0,0,0,0,52,10599,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4587",0,0,0,0,0,0,-200,0,-200,-200,-200,35,12960,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4588",0,0,0,0,0,0,0,0,0,0,0,40,12150,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4589",0,0,65000,40000,25000,0,-1400,0,-1400,23600,23600,37,24231,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4590",0,0,40000,35000,5000,100,100,100,100,5100,10025,39,5265,1,14,1,0,1,0,1,0,0,0,0,0,1,0,1,3,0.3536102,100,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4591",0,0,300000,150000,150000,5570,4570,5570,4570,154570,171370,45,86403,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,4570,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4592",0,0,103000,94000,9000,872,-4340,872,-4340,4660,4660,29,24936,4,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-4340,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4593",0,0,65000,62500,2500,22049,20399,22049,20399,22899,29399,31,38196,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,20399,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4594",0,0,0,0,0,4000,4000,4000,4000,4000,5000,31,23529,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4595",0,0,58000,0,58000,20198,19698,20198,19698,77698,153048,56,40530,2,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,19698,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4596",0,0,0,0,0,900,-1100,900,-1100,-1100,2125,28,19254,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4597",18000,0,250000,150000,100000,6000,-1500,24000,16500,116500,134500,33,108300,4,16,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,16500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"4598",0,0,30000,0,30000,800,-700,800,-700,29300,32650,47,5106,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-700,1,1,0,0,0,0,0,0,0,0,0,1,0 +"4599",0,0,0,0,0,500,500,500,500,500,1000,37,29430,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4600",0,0,100000,75000,25000,525,-3175,525,-3175,21825,21825,43,56133,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3175,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4601",0,0,75000,0,75000,400,-4600,400,-4600,70400,70400,47,13350,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-4600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4602",2400,0,92000,85500,6500,12400,11400,14800,13800,20300,78300,32,54411,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4603",0,0,48000,12000,36000,50,50,50,50,36050,36050,63,12810,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,50,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4604",0,0,57000,0,57000,2349,2349,2349,2349,59349,62699,46,59631,2,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,2349,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4605",0,0,0,0,0,999,999,999,999,999,1499,41,3180,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,999,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4606",0,0,300000,150000,150000,21000,20700,21000,20700,170700,372700,38,33576,4,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,20700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4607",0,0,180000,137000,43000,2250,2078,2250,2078,45078,45078,42,40245,6,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2078,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4608",11000,0,33000,21000,12000,7000,7000,18000,18000,30000,35850,52,21435,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,18000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4609",0,0,0,0,0,1199,-3752,1199,-3752,-3752,-3552,34,22044,6,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-3752,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4610",0,0,48000,48000,0,0,-8000,0,-8000,-8000,-4800,40,37368,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-8000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4611",80000,0,185000,25000,160000,35250,35190,115250,115190,275190,280190,62,57345,2,15,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,115190,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4612",0,0,20000,6000,14000,0,-2731,0,-2731,11269,17269,37,20004,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2731,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4613",2200,0,210000,108000,102000,1400,400,3600,2600,104600,104600,53,58155,1,12,0,0,1,0,1,0,0,1,0,1,0,0,6,2,0.4868788,2600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4614",0,0,80000,80000,0,2000,-440,2000,-440,-440,22260,44,41556,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-440,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4615",14000,0,80000,3000,77000,20000,20000,34000,34000,111000,114350,54,17400,1,16,1,0,1,0,1,0,0,1,0,0,0,1,2,4,0.3108636,34000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4616",52000,0,110000,22000,88000,30800,30460,82800,82460,170460,170460,43,46176,3,15,0,1,1,1,1,0,0,1,0,0,1,0,5,3,0.4624346,82460,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4617",4325,0,300000,150000,150000,102000,-134415,106325,-130090,19910,2029910,59,126576,3,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,-130090,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4618",0,0,0,0,0,0,0,0,0,0,0,33,5775,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4619",0,0,0,0,0,240,-14160,240,-14160,-14160,24439,31,16560,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-14160,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4620",0,0,0,0,0,500,-1500,500,-1500,-1500,-1500,34,40800,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1500,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4621",0,0,0,0,0,0,-720,0,-720,-720,3280,33,6090,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-720,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4622",0,0,0,0,0,6240,6240,6240,6240,6240,6240,28,12747,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6240,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4623",0,0,120000,70000,50000,12200,8700,12200,8700,58700,61400,36,60702,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,8700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4624",0,0,300000,150000,150000,33199,33199,33199,33199,183199,383199,52,75126,2,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,33199,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4625",0,0,129000,0,129000,1199,-1915,1199,-1915,127085,134085,60,25134,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1915,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4626",26000,0,75000,0,75000,82000,82000,108000,108000,183000,183000,56,14970,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,108000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4627",0,0,72000,60000,12000,20017,17517,20017,17517,29517,30642,42,49509,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,17517,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4628",0,0,98000,95000,3000,0,0,0,0,3000,3000,53,30000,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4629",0,0,30000,20000,10000,0,0,0,0,10000,10000,61,19176,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4630",7000,0,150000,47000,103000,3000,3000,10000,10000,113000,113000,58,43020,4,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,10000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4631",0,0,0,0,0,0,0,0,0,0,0,33,17760,11,6,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4632",0,0,0,0,0,0,0,0,0,0,500,46,6000,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4633",0,0,60000,54000,6000,499,-12001,499,-12001,-6001,7499,25,50649,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-12001,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4634",0,0,40000,32000,8000,200,125,200,125,8125,9125,43,13896,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,125,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4635",0,0,10000,0,10000,0,0,0,0,10000,11725,60,7452,4,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4636",0,0,0,0,0,50,50,50,50,50,50,29,15660,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4637",0,0,20000,0,20000,7499,7499,7499,7499,27499,102592,55,-2652,4,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,7499,1,0,0,0,0,0,0,0,0,0,0,0,1 +"4638",0,0,145000,0,145000,201500,201500,201500,201500,346500,346500,61,45135,3,12,1,1,0,0,1,0,0,0,0,1,0,0,5,2,0.6077043,201500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4639",15000,0,70000,39000,31000,4699,3449,19699,18449,49449,49449,31,37398,3,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,18449,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4640",5000,0,100000,0,100000,500,300,5500,5300,105300,107633,42,33075,3,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,5300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4641",0,0,0,0,0,0,0,0,0,0,2300,43,2166,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4642",0,0,185000,30000,155000,70010,70010,70010,70010,225010,225010,61,121722,2,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,70010,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4643",0,0,70000,15200,54800,4645,2295,4645,2295,57095,63595,54,20226,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2295,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4644",0,0,0,0,0,0,-700,0,-700,-700,1800,51,20691,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4645",0,0,14000,8400,5600,300,-700,300,-700,4900,6025,42,26190,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4646",11650,0,200000,16700,183300,4050,50,15700,11700,195000,195500,38,77124,1,17,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,11700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4647",0,0,0,0,0,70,70,70,70,70,2570,26,20418,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,70,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4648",0,0,50000,50000,0,0,0,0,0,0,0,27,26400,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4649",0,0,0,0,0,26,26,26,26,26,11426,42,7497,4,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,26,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4650",0,0,6000,14000,-8000,449,-51,449,-51,-8051,-5850,51,24063,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-51,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4651",0,0,0,0,0,371,371,371,371,371,371,43,20697,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,371,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4652",0,0,65000,5000,60000,8499,8499,8499,8499,68499,78499,48,40410,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,8499,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4653",12000,0,94500,94500,0,13000,11310,25000,23310,23310,26310,30,74217,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,23310,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4654",0,0,100000,63000,37000,1100,-17039,1100,-17039,19961,33961,39,41298,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-17039,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4655",50000,0,38000,300,37700,7303,4303,57303,54303,92003,102003,60,41118,1,15,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,54303,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4656",0,0,60000,38000,22000,58388,56388,58388,56388,78388,84388,48,14400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,56388,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4657",19800,0,0,0,0,20650,20650,40450,40450,40450,340950,31,33948,1,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6739899,40450,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4658",0,0,100000,49000,51000,4200,3600,4200,3600,54600,66950,58,18825,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,3600,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4659",0,0,0,0,0,450,450,450,450,450,450,54,14310,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,450,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4660",0,0,0,0,0,0,0,0,0,0,7000,28,16320,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4661",0,0,0,0,0,100,100,100,100,100,3700,27,10050,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4662",17500,0,60000,0,60000,82499,82399,99999,99899,159899,159899,56,53847,2,12,0,1,1,0,1,0,0,1,0,1,0,0,6,2,0.5336504,99899,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4663",0,0,44000,29500,14500,885,-39915,885,-39915,-25415,-23415,44,34686,5,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-39915,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4664",0,0,0,0,0,2100,-7970,2100,-7970,-7970,-7970,33,47001,2,16,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.5995759,-7970,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4665",0,0,49900,36500,13400,5100,2600,5100,2600,16000,16000,30,40800,2,11,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2600,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4666",29000,0,120000,0,120000,16100,16060,45100,45060,165060,165060,54,90234,2,14,0,1,1,1,1,0,0,1,0,0,1,0,7,3,0.5801663,45060,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4667",0,0,0,0,0,800,-2200,800,-2200,-2200,1000,30,14787,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4668",0,0,0,0,0,0,-86500,0,-86500,-86500,-66500,57,47193,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-86500,0,0,0,0,0,1,0,0,0,0,0,0,1 +"4669",13000,0,58000,13000,45000,22799,22699,35799,35699,80699,92442,55,21390,2,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,35699,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4670",0,0,0,0,0,4000,3600,4000,3600,3600,5100,64,12492,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3600,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4671",0,0,200000,15000,185000,200,-5150,200,-5150,179850,186350,48,41190,3,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-5150,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4672",0,0,0,0,0,800,450,800,450,450,13450,57,49290,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,450,0,0,0,0,0,1,0,0,0,0,0,0,1 +"4673",0,0,0,0,0,100,-6500,100,-6500,-6500,-4128,26,14010,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4674",0,0,0,0,0,749,749,749,749,749,1402,42,20469,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,749,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4675",14000,0,180000,122000,58000,1303947,1303947,1317947,1317947,1375947,1375947,40,113199,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,1317947,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4676",0,0,0,0,0,0,0,0,0,0,950,33,19890,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4677",0,0,60000,53000,7000,0,-1000,0,-1000,6000,6500,45,13260,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4678",0,0,0,0,0,10,10,10,10,10,2510,55,15186,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,10,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4679",0,0,0,0,0,0,0,0,0,0,2280,34,11964,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4680",0,0,50000,0,50000,0,-200,0,-200,49800,54800,50,33243,2,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4681",0,0,55000,23500,31500,0,-200,0,-200,31300,41053,39,19263,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4682",0,0,0,0,0,0,0,0,0,0,0,30,16116,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4683",0,0,67000,67000,0,3000,-12400,3000,-12400,-12400,-1400,37,33000,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-12400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4684",4000,0,0,0,0,4249,4249,8249,8249,8249,8249,37,52995,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.3533661,8249,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4685",0,0,6000,800,5200,1200,1200,1200,1200,6400,7350,31,12240,1,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1200,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4686",0,0,0,0,0,10,-2990,10,-2990,-2990,3185,31,16608,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2990,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4687",0,0,0,0,0,600,-1700,600,-1700,-1700,5300,37,32964,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-1700,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4688",0,0,0,0,0,0,0,0,0,0,0,37,9828,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4689",0,0,0,0,0,0,0,0,0,0,0,32,6240,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4690",0,0,0,0,0,549,-2451,549,-2451,-2451,-310,55,9738,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2451,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4691",0,0,0,0,0,0,0,0,0,0,2000,49,14100,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4692",10000,0,200000,150000,50000,101400,101200,111400,111200,161200,161200,47,60960,2,11,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,111200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4693",0,0,68000,56000,12000,700,-800,700,-800,11200,19200,27,28965,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4694",72000,0,200000,150000,50000,33000,33000,105000,105000,155000,155000,36,85437,5,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,105000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4695",1000,0,0,0,0,6200,6200,7200,7200,7200,7200,28,36075,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,7200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4696",0,0,0,0,0,705,-1995,705,-1995,-1995,-1995,31,22560,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1995,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4697",0,0,265000,0,265000,300,300,300,300,265300,265800,61,12885,2,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,300,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4698",0,0,107000,90000,17000,2600,1200,2600,1200,18200,39200,29,41436,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1200,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4699",0,0,23000,23000,0,0,-400,0,-400,-400,-400,47,13635,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4700",0,0,0,0,0,250,-8750,250,-8750,-8750,-4825,34,28032,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-8750,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4701",0,0,200000,0,200000,871873,866860,871873,866860,1066860,1074139,63,25164,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,866860,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4702",0,0,0,0,0,1825,955,1825,955,955,7971,29,23370,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,955,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4703",0,0,0,0,0,0,0,0,0,0,3350,48,10581,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4704",0,0,45000,43500,1500,1400,1400,1400,1400,2900,92900,45,43197,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4705",0,0,161000,150000,11000,3805,-2195,3805,-2195,8805,11805,31,69936,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2195,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4706",0,0,120000,34900,85100,32900,32900,32900,32900,118000,125420,40,54204,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,32900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4707",5400,0,0,0,0,1100,-1600,6500,3800,3800,13800,41,46815,3,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.3442089,3800,0,0,0,0,0,1,0,0,0,0,1,0,0 +"4708",0,0,0,0,0,22000,20000,22000,20000,20000,26425,32,28980,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,20000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4709",2600,0,198000,47500,150500,224098,223448,226698,226048,376548,1009673,51,63225,3,16,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,226048,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4710",1150,0,0,0,0,19100,17600,20250,18750,18750,18750,52,29865,2,12,0,1,1,0,1,0,0,1,0,1,0,0,3,2,0.2061994,18750,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4711",13000,0,22000,0,22000,5671,2671,18671,15671,37671,37671,44,60201,3,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,15671,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4712",0,0,0,0,0,50,-1350,50,-1350,-1350,10650,46,17865,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-1350,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4713",0,0,31000,9500,21500,75,-75,75,-75,21425,21925,55,27972,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-75,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4714",0,0,0,0,0,15000,15000,15000,15000,15000,15500,45,11712,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,15000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4715",0,0,0,0,0,1200,1200,1200,1200,1200,1400,29,15372,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4716",30000,0,65000,0,65000,12000,11900,42000,41900,106900,109575,61,22320,1,8,0,0,0,0,1,0,0,1,1,0,0,0,3,1,0.2658667,41900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4717",4000,0,85000,30000,55000,4500,4350,8500,8350,63350,63350,46,43590,5,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,8350,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4718",0,0,0,0,0,0,0,0,0,0,0,27,12369,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4719",0,0,0,0,0,0,0,0,0,0,1000,38,19800,6,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4720",0,0,150000,35000,115000,4,-996,4,-996,114004,128004,29,49725,4,15,0,1,1,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-996,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4721",0,0,0,0,0,1300,1100,1300,1100,1100,5695,25,33270,4,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,1100,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4722",0,0,46776,35610,11166,7,7,7,7,11173,11173,51,33474,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,7,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4723",0,0,0,0,0,267,-19733,267,-19733,-19733,-19318,32,27261,8,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-19733,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4724",0,0,0,0,0,0,-1240,0,-1240,-1240,-740,36,7197,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1240,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4725",0,0,0,0,0,660,160,660,160,160,160,38,26520,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,160,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4726",0,0,0,0,0,355,176,355,176,176,176,35,9702,2,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,176,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4727",0,0,0,0,0,325,-375,325,-375,-375,-375,37,14679,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-375,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4728",0,0,0,0,0,6,-3094,6,-3094,-3094,-2061,27,17010,4,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3094,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4729",0,0,40000,0,40000,0,-14000,0,-14000,26000,26000,29,16020,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-14000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4730",0,0,60000,0,60000,1813,1513,1813,1513,61513,75413,57,42375,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1513,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4731",0,0,103000,94900,8100,6060,710,6060,710,8810,8810,26,37641,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,710,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4732",0,0,0,0,0,0,0,0,0,0,350,32,18861,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4733",2400,0,105000,90000,15000,1999,1199,4399,3599,18599,18599,36,30720,3,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,3599,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4734",0,0,75000,57000,18000,3900,-6700,3900,-6700,11300,25645,32,54000,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4735",0,0,0,0,0,420,-580,420,-580,-580,3753,36,15615,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-580,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4736",0,0,54000,54000,0,75,-2425,75,-2425,-2425,-2425,36,31752,5,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2425,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4737",0,0,125000,104200,20800,4200,1500,4200,1500,22300,22300,28,83016,3,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,1500,1,0,0,0,0,0,0,1,1,0,0,0,0 +"4738",0,0,110000,80000,30000,850,-9650,850,-9650,20350,20350,29,37323,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-9650,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4739",0,0,0,0,0,250,-1050,250,-1050,-1050,-1050,28,46332,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.3243191,-1050,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4740",2143,0,15000,9000,6000,661,661,2804,2804,8804,12154,42,19413,3,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,2804,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4741",0,0,13000,0,13000,58,-142,58,-142,12858,12858,53,11523,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-142,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4742",0,0,81000,55120,25880,2135,1384,2135,1384,27264,35564,30,46398,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,1384,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4743",0,0,0,0,0,1575,-10525,1575,-10525,-10525,1475,30,35058,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-10525,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4744",23230,0,300000,150000,150000,68899,68899,92129,92129,242129,242129,47,95433,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,92129,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4745",1100,0,45000,38000,7000,1500,-2600,2600,-1500,5500,12700,28,44232,3,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,-1500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4746",0,0,65000,55000,10000,750,-3250,750,-3250,6750,6750,29,30750,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3250,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4747",700,0,36500,36000,500,3499,3499,4199,4199,4699,6499,29,31350,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,4199,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4748",40000,0,275000,80000,195000,129199,129199,169199,169199,364199,376699,59,30000,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,169199,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4749",0,0,112000,67000,45000,3947,3947,3947,3947,48947,48997,47,32544,3,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,3947,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4750",0,0,80000,0,80000,7499,7499,7499,7499,87499,95374,54,19170,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,7499,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4751",0,0,120000,75000,45000,3800,3718,3800,3718,48718,49143,31,27900,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,3718,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4752",6000,0,79000,13000,66000,24722,24523,30722,30523,96523,132523,63,36429,2,11,1,1,0,0,1,0,0,1,1,0,0,0,4,1,0.5449064,30523,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4753",0,0,0,0,0,0,0,0,0,0,750,39,19125,4,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4754",0,0,70000,65500,4500,1130,-312,1130,-312,4188,4188,34,24678,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-312,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4755",33000,0,50000,18000,32000,898000,898000,931000,931000,963000,967800,63,42876,1,17,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,931000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"4756",0,0,0,0,0,0,0,0,0,0,0,40,10200,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4757",0,0,0,0,0,189,-4811,189,-4811,-4811,-4811,43,23463,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4811,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4758",0,0,40000,33900,6100,1500,-600,1500,-600,5500,5500,46,21609,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4759",0,0,0,0,0,0,0,0,0,0,0,30,15300,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4760",2000,0,0,0,0,50,-1950,2050,50,50,550,30,16800,2,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,50,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4761",0,0,300000,21500,278500,1996,-5004,1996,-5004,273496,278496,49,36933,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-5004,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4762",0,0,30000,5000,25000,0,0,0,0,25000,27000,39,13212,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4763",7500,0,90000,35000,55000,12200,8700,19700,16200,71200,77250,52,30099,2,14,1,0,0,0,1,0,0,1,0,0,1,0,4,3,0.6174901,16200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4764",0,0,115000,0,115000,99,-2901,99,-2901,112099,112099,46,31857,3,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-2901,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4765",0,0,45000,12500,32500,4449,4399,4449,4399,36899,96899,55,33657,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,4399,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4766",0,0,0,0,0,0,0,0,0,0,14096,36,6600,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4767",0,0,0,0,0,18000,18000,18000,18000,18000,18000,39,63135,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,18000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4768",0,0,2950,0,2950,299,299,299,299,3249,3749,52,20718,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,299,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4769",0,0,0,0,0,15645,9145,15645,9145,9145,24045,35,52641,4,18,1,1,1,0,1,0,0,0,0,0,0,1,6,4,0.5000061,9145,0,0,0,0,0,0,1,0,0,1,0,0,0 +"4770",1400,0,17000,0,17000,15,-485,1415,915,17915,21196,45,25527,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,915,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4771",0,0,0,0,0,0,0,0,0,0,0,40,8850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4772",0,0,0,0,0,2700,-3200,2700,-3200,-3200,3900,26,52386,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-3200,0,0,0,0,0,0,1,0,1,0,0,0,0 +"4773",0,0,0,0,0,800,-400,800,-400,-400,1900,34,52815,1,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.3169526,-400,0,0,0,0,0,0,1,0,0,1,0,0,0 +"4774",0,0,100000,60000,40000,500,-5800,500,-5800,34200,35533,36,36699,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-5800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4775",50000,0,220000,150000,70000,30000,30000,80000,80000,150000,231000,52,92904,1,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,80000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4776",0,0,57000,51900,5100,25120,25120,25120,25120,30220,39420,49,25185,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,25120,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4777",0,0,35000,0,35000,11137,11137,11137,11137,46137,46637,62,17403,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,11137,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4778",0,0,0,0,0,0,0,0,0,0,0,34,20400,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4779",0,0,62000,56000,6000,2299,-15321,2299,-15321,-9321,-4121,42,42819,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-15321,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4780",0,0,0,0,0,800,-1200,800,-1200,-1200,-1200,52,17040,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4781",16000,0,79000,65000,14000,214097,214097,230097,230097,244097,448097,48,71928,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,230097,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4782",0,0,0,0,0,4999,-25037,4999,-25037,-25037,-22921,29,12006,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-25037,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4783",3800,0,150000,60000,90000,3499,3499,7299,7299,97299,97299,31,43005,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,7299,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4784",0,0,10000,10000,0,200,-494,200,-494,-494,3506,51,29235,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-494,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4785",0,0,0,0,0,100,-10400,100,-10400,-10400,1600,32,47688,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-10400,0,0,0,0,0,1,0,0,0,1,0,0,0 +"4786",0,0,65900,0,65900,666,-234,666,-234,65666,67416,28,18798,1,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3623197,-234,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4787",0,0,0,0,0,0,0,0,0,0,500,32,8553,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4788",2000,0,175000,35000,140000,19699,19199,21699,21199,161199,161199,58,17070,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,21199,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4789",0,0,160000,62000,98000,100,100,100,100,98100,98100,50,35496,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4790",0,0,58000,17000,41000,9000,8300,9000,8300,49300,109300,61,37911,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,8300,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4791",0,0,45000,0,45000,950,950,950,950,45950,58950,27,38670,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,950,1,0,0,0,1,0,0,0,1,0,0,0,0 +"4792",0,0,0,0,0,3944,2444,3944,2444,2444,8369,28,22404,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2444,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4793",0,0,0,0,0,3000,3000,3000,3000,3000,27000,43,32850,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,3000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4794",0,0,45000,18500,26500,2799,-5701,2799,-5701,20799,30199,49,16950,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-5701,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4795",0,0,0,0,0,0,0,0,0,0,500,25,19248,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4796",0,0,210000,150000,60000,5020,4420,5020,4420,64420,67120,41,104400,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,4420,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4797",0,0,225000,150000,75000,775,-4225,775,-4225,70775,72518,39,37890,1,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-4225,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4798",33300,0,125000,78000,47000,2048,-5243,35348,28057,75057,75057,39,36522,2,14,0,1,1,1,1,0,0,1,0,0,1,0,4,3,0.3524857,28057,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4799",19701,0,55000,17300,37700,18676,18476,38377,38177,75877,122642,60,39393,2,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,38177,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4800",0,0,0,0,0,257,257,257,257,257,1007,33,11997,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,257,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4801",0,0,0,0,0,0,0,0,0,0,0,35,21735,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4802",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,36,34986,6,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-2500,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4803",0,0,8000,3700,4300,0,-230,0,-230,4070,4570,38,11919,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-230,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4804",0,0,0,0,0,800,800,800,800,800,3300,31,28089,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4805",0,0,56700,56700,0,3399,2399,3399,2399,2399,2399,29,68898,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2399,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4806",14600,0,225000,33000,192000,111498,111498,126098,126098,318098,318098,52,103164,6,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,126098,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4807",50000,0,300000,0,300000,137500,137500,187500,187500,487500,498175,58,62790,1,17,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,187500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4808",0,0,35000,0,35000,10,-5490,10,-5490,29510,30010,30,13275,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5490,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4809",0,0,0,0,0,399,399,399,399,399,11299,39,25224,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,399,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4810",0,0,11000,8000,3000,249,-1011,249,-1011,1989,1989,25,10206,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-1011,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4811",0,0,0,0,0,20,-2380,20,-2380,-2380,-2380,32,7284,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-2380,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4812",0,0,58000,47500,10500,3000,3000,3000,3000,13500,20096,38,6966,3,14,1,0,0,0,1,0,0,0,0,0,1,0,1,3,0.3536102,3000,1,1,0,0,0,0,0,0,0,0,1,0,0 +"4813",0,0,80000,49000,31000,20,-4980,20,-4980,26020,30020,38,33360,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4980,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4814",0,0,96000,0,96000,83999,83999,83999,83999,179999,179999,44,20640,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,83999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4815",1500,0,120000,80000,40000,7225,6725,8725,8225,48225,50825,31,48423,2,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,8225,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4816",0,0,0,0,0,749,749,749,749,749,1249,40,22254,1,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,749,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4817",0,0,50000,19000,31000,2550,2175,2550,2175,33175,39686,49,54063,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,2175,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4818",0,0,0,0,0,2000,2000,2000,2000,2000,2000,31,18015,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4819",0,0,0,0,0,4200,3350,4200,3350,3350,7100,26,18090,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4820",0,0,0,0,0,145,145,145,145,145,645,28,8292,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,145,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4821",422,0,0,0,0,900,900,1322,1322,1322,4672,32,21600,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,1322,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4822",0,0,0,0,0,0,0,0,0,0,1500,46,9360,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4823",0,0,0,0,0,2999,1499,2999,1499,1499,9499,51,27060,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1499,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4824",0,0,0,0,0,400,400,400,400,400,400,58,12090,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4825",0,0,165000,44000,121000,100,-4900,100,-4900,116100,118025,47,41769,1,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-4900,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4826",0,0,180000,108000,72000,51600,39600,51600,39600,111600,162100,44,115506,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,39600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4827",0,0,0,0,0,900,-5300,900,-5300,-5300,2700,25,13254,1,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-5300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4828",33000,0,275000,26500,248500,100000,97200,133000,130200,378700,378700,48,92064,5,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,130200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4829",1095,0,300000,34000,266000,799,-5401,1894,-4306,261694,394694,52,30639,4,8,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,-4306,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4830",2200,0,40000,40000,0,599,299,2799,2499,2499,53949,56,56940,1,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,2499,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4831",0,0,45000,45000,0,0,-2000,0,-2000,-2000,-2000,43,19680,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4832",0,0,40000,0,40000,2699,1849,2699,1849,41849,59849,53,29304,2,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,1849,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4833",0,0,35000,13000,22000,150,150,150,150,22150,22150,59,12975,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,150,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4834",0,0,0,0,0,0,0,0,0,0,0,48,3600,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4835",0,0,0,0,0,477,477,477,477,477,1977,41,14481,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,477,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4836",0,0,56000,56000,0,46,-5427,46,-5427,-5427,-2927,44,37740,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5427,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4837",0,0,0,0,0,3200,1700,3200,1700,1700,30700,40,33066,4,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,1700,0,0,0,0,1,0,0,0,0,0,1,0,0 +"4838",4750,0,65000,41000,24000,1000,200,5750,4950,28950,35450,43,54723,3,16,1,1,1,1,1,0,0,1,0,0,0,1,6,4,0.7130944,4950,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4839",0,0,240000,0,240000,12500,7500,12500,7500,247500,247500,63,78750,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,7500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"4840",0,0,41000,37000,4000,8894,8459,8894,8459,12459,12459,27,41436,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,8459,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4841",0,0,60000,12000,48000,65,-3270,65,-3270,44730,44730,31,10695,5,10,1,1,1,0,1,0,0,0,1,0,0,0,2,1,0.3623197,-3270,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4842",3000,0,113000,105000,8000,20299,15299,23299,18299,26299,26299,38,88200,3,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,18299,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4843",49653,0,0,0,0,15000,15000,64653,64653,64653,68753,42,51492,1,17,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,64653,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4844",0,0,0,0,0,266,-964,266,-964,-964,836,48,27429,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-964,0,0,0,1,0,0,0,0,0,0,0,1,0 +"4845",0,0,0,0,0,3000,500,3000,500,500,500,27,30600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4846",3500,0,80000,0,80000,3000,2700,6500,6200,86200,93700,41,28392,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,6200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4847",0,0,55000,50000,5000,5300,5300,5300,5300,10300,15666,40,36000,2,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,5300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4848",6000,0,100000,62000,38000,7000,6250,13000,12250,50250,51750,46,61521,5,12,1,0,1,0,1,0,0,1,0,1,0,0,6,2,0.7856908,12250,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4849",0,0,70000,0,70000,26398,23898,26398,23898,93898,105898,54,71604,2,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,23898,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4850",0,0,0,0,0,1499,-501,1499,-501,-501,-1,31,24810,1,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-501,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4851",0,0,0,0,0,0,0,0,0,0,1000,26,24372,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4852",0,0,60000,0,60000,24000,21900,24000,21900,81900,81900,51,37452,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,21900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4853",0,0,150000,112500,37500,212700,210800,212700,210800,248300,254000,25,50100,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,210800,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4854",0,0,0,0,0,0,-160,0,-160,-160,590,36,9270,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-160,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4855",0,0,135000,74000,61000,3000,2600,3000,2600,63600,63600,30,24060,6,13,0,1,1,0,1,0,0,0,0,0,1,0,3,3,0.273178,2600,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4856",0,0,0,0,0,4000,4000,4000,4000,4000,4000,34,20478,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4857",0,0,10000,0,10000,0,0,0,0,10000,10000,28,42780,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,0,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4858",0,0,90000,75000,15000,3528,3328,3528,3328,18328,18328,30,44613,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,3328,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4859",0,0,80000,62000,18000,99,99,99,99,18099,18099,49,42690,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,99,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4860",0,0,72000,7200,64800,549,549,549,549,65349,71349,39,39366,2,1,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,549,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4861",0,0,48000,47800,200,400,-830,400,-830,-630,7170,37,29445,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-830,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4862",0,0,40000,37000,3000,800,-10200,800,-10200,-7200,-2867,39,38505,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-10200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4863",0,0,0,0,0,5400,-15100,5400,-15100,-15100,24900,30,55359,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-15100,0,0,0,0,0,0,1,0,0,1,0,0,0 +"4864",0,0,0,0,0,450,-550,450,-550,-550,-550,43,20529,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-550,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4865",0,0,50000,5000,45000,1300,1300,1300,1300,46300,48100,31,32589,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4866",0,0,106000,78450,27550,8500,5000,8500,5000,32550,37875,41,31635,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,5000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4867",0,0,0,0,0,375,-9732,375,-9732,-9732,-4332,32,12834,6,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-9732,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4868",0,0,0,0,0,50,-750,50,-750,-750,0,43,26166,1,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-750,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4869",0,0,0,0,0,3999,3999,3999,3999,3999,9499,28,25815,3,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,3999,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4870",0,0,30000,0,30000,12699,10699,12699,10699,40699,40699,28,19011,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,10699,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4871",25000,0,89000,0,89000,3555,1255,28555,26255,115255,115255,56,20979,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,26255,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4872",0,0,0,0,0,30,-170,30,-170,-170,-170,31,12138,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-170,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4873",0,0,0,0,0,0,0,0,0,0,0,62,7011,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4874",0,0,0,0,0,300,300,300,300,300,1300,42,6903,2,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4875",20000,0,30000,0,30000,2999,2999,22999,22999,52999,68799,64,25380,1,10,1,0,1,0,1,0,0,1,1,0,0,0,3,1,0.4720998,22999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4876",0,0,0,0,0,0,0,0,0,0,0,26,38226,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4877",0,0,30000,18000,12000,25,-2975,25,-2975,9025,9025,31,5250,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2975,1,1,0,0,0,0,0,0,0,1,0,0,0 +"4878",0,0,0,0,0,500,500,500,500,500,7850,26,4518,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,500,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4879",0,0,0,0,0,833,757,833,757,757,4107,26,15615,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,757,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4880",0,0,5000,800,4200,949,949,949,949,5149,8824,27,25782,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,949,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4881",0,0,0,0,0,250,250,250,250,250,250,36,18054,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,250,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4882",0,0,0,0,0,0,0,0,0,0,0,27,4275,5,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4883",0,0,21000,15000,6000,1355,-2645,1355,-2645,3355,3355,48,34437,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-2645,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4884",0,0,97000,97000,0,41500,40872,41500,40872,40872,44222,32,2814,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,40872,1,1,0,0,0,0,0,0,0,1,0,0,0 +"4885",8000,0,300000,0,300000,158113,158113,166113,166113,466113,466113,54,92280,3,17,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,166113,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4886",0,0,49000,32000,17000,4199,3949,4199,3949,20949,20949,47,25107,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,3949,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4887",0,0,58000,49000,9000,4549,-451,4549,-451,8549,16549,28,13650,5,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-451,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4888",0,0,45000,0,45000,1000,889,1000,889,45889,60889,56,32007,2,17,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,889,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4889",0,0,70000,0,70000,699,699,699,699,70699,70699,59,19203,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,699,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4890",0,0,0,0,0,100,100,100,100,100,1100,26,20460,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"4891",0,0,200000,104000,96000,845,255,845,255,96255,96255,38,57609,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,255,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4892",0,0,51000,20000,31000,200,-273,200,-273,30727,39327,46,23856,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-273,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4893",0,0,0,0,0,549,-7451,549,-7451,-7451,-5951,40,17880,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7451,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4894",0,0,270000,150000,120000,3500,-3500,3500,-3500,116500,122500,43,84000,1,16,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.4250903,-3500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4895",0,0,0,0,0,10976,10976,10976,10976,10976,10976,40,19329,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,10976,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4896",0,0,37500,7000,30500,16400,16075,16400,16075,46575,48075,38,41805,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,16075,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4897",3000,0,150000,0,150000,4600,1600,7600,4600,154600,162600,63,27585,2,16,1,1,0,0,1,0,0,1,0,0,0,1,3,4,0.3788275,4600,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4898",0,0,0,0,0,20,-330,20,-330,-330,-330,35,20787,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-330,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4899",2500,0,24000,0,24000,1150,-550,3650,1950,25950,26550,46,34608,3,18,0,1,1,1,1,0,0,1,0,0,0,1,4,4,0.3524857,1950,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4900",0,0,0,0,0,0,0,0,0,0,0,50,16320,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"4901",29000,0,95000,56000,39000,80500,80500,109500,109500,148500,149250,35,49800,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,109500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4902",0,0,40000,40000,0,367,367,367,367,367,4367,60,30990,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,367,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4903",0,0,0,0,0,500,500,500,500,500,4596,40,14520,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4904",0,0,225000,0,225000,300,-2700,300,-2700,222300,222300,61,26652,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2700,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4905",0,0,0,0,0,0,0,0,0,0,0,48,7200,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"4906",0,0,32000,30000,2000,16000,15100,16000,15100,17100,27100,33,33885,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,15100,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4907",0,0,75000,62000,13000,499,499,499,499,13499,18499,47,49206,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,499,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4908",1500,0,115000,89000,26000,2600,1200,4100,2700,28700,40700,40,58974,5,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,2700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4909",0,0,0,0,0,3720,920,3720,920,920,3070,31,32370,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,920,0,0,0,0,1,0,0,0,0,1,0,0,0 +"4910",0,0,67000,47000,20000,310,310,310,310,20310,20810,43,23490,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,310,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4911",0,0,0,0,0,500,-300,500,-300,-300,4550,35,16815,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-300,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4912",0,0,0,0,0,0,0,0,0,0,500,32,12828,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4913",4200,0,0,0,0,700,372,4900,4572,4572,4572,34,20667,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2061994,4572,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4914",0,0,45000,0,45000,2999,2999,2999,2999,47999,47999,63,20580,2,4,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4915",15000,0,275000,150000,125000,77500,75500,92500,90500,215500,232750,38,101886,2,16,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.7355057,90500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"4916",4000,0,0,0,0,20400,15900,24400,19900,19900,19900,45,31995,4,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.277538,19900,0,0,0,0,1,0,0,0,0,0,0,1,0 +"4917",0,0,50000,45000,5000,8307,6807,8307,6807,11807,25065,32,19035,4,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,6807,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4918",0,0,0,0,0,2000,2000,2000,2000,2000,7675,37,16425,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4919",0,0,150000,120000,30000,0,0,0,0,30000,31900,47,37800,2,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4920",0,0,100000,0,100000,0,0,0,0,100000,100000,56,30960,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4921",0,0,0,0,0,45,-6355,45,-6355,-6355,-3413,25,35700,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-6355,0,0,0,0,1,0,0,0,1,0,0,0,0 +"4922",12500,0,125000,90000,35000,7500,-10500,20000,2000,37000,51000,37,46767,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4923",0,0,40000,32000,8000,2599,599,2599,599,8599,12199,36,22743,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,599,1,0,0,1,0,0,0,0,0,0,1,0,0 +"4924",0,0,85000,62000,23000,80691,66691,80691,66691,89691,156291,49,85515,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,66691,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4925",5000,0,225000,56000,169000,26000,23000,31000,28000,197000,202600,53,108258,3,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,28000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4926",0,0,0,0,0,0,-3000,0,-3000,-3000,-2500,57,11628,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4927",0,0,0,0,0,200,-301750,200,-301750,-301750,-286750,38,54183,4,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-301750,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4928",16000,0,200000,83000,117000,18548,18271,34548,34271,151271,265271,64,24675,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,34271,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4929",0,0,100000,0,100000,2500,2500,2500,2500,102500,102500,59,19872,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"4930",0,0,48000,30000,18000,16000,16000,16000,16000,34000,34000,28,21210,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,16000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4931",0,0,70000,54900,15100,18700,16055,18700,16055,31155,40655,31,47160,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,16055,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4932",0,0,0,0,0,149,-151,149,-151,-151,7591,40,49209,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,-151,0,0,0,0,0,1,0,0,0,0,1,0,0 +"4933",0,0,55000,15000,40000,899,-5901,899,-5901,34099,41599,52,67746,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-5901,1,0,0,0,0,0,1,0,0,0,0,1,0 +"4934",0,0,0,0,0,5,5,5,5,5,505,31,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,5,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4935",0,0,30000,25500,4500,1165,515,1165,515,5015,5015,31,32871,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,515,1,0,0,0,1,0,0,0,0,1,0,0,0 +"4936",0,0,0,0,0,2400,2400,2400,2400,2400,5750,42,21600,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,2400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"4937",0,0,22000,5500,16500,200,200,200,200,16700,17950,49,18012,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4938",0,0,290000,150000,140000,14600,-1500,14600,-1500,138500,154064,40,60699,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4939",0,0,0,0,0,100,-1100,100,-1100,-1100,-1100,27,6030,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-1100,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4940",8900,0,130000,28000,102000,3270,470,12170,9370,111370,126370,57,55539,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,9370,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4941",0,0,35000,34000,1000,50,-3200,50,-3200,-2200,-700,33,13386,5,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3200,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4942",0,0,0,0,0,0,0,0,0,0,0,29,17856,9,3,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3791962,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4943",0,0,0,0,0,1000,1000,1000,1000,1000,1000,25,18060,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4944",0,0,65000,40000,25000,0,-8800,0,-8800,16200,17200,46,26520,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-8800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4945",0,0,3000,0,3000,999,999,999,999,3999,3999,31,27600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4946",0,0,0,0,0,2225,-1275,2225,-1275,-1275,6778,25,56664,2,15,1,0,0,0,1,0,0,0,0,0,1,0,6,3,0.5906146,-1275,0,0,0,0,0,0,1,0,1,0,0,0,0 +"4947",0,0,260000,150000,110000,1000,-9000,1000,-9000,101000,108425,39,33600,2,16,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,-9000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4948",0,0,92000,79500,12500,0,-5400,0,-5400,7100,13100,42,16521,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"4949",14000,0,109000,109000,0,23541,22741,37541,36741,36741,36741,34,56409,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,36741,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4950",0,0,9000,0,9000,466,426,466,426,9426,9426,60,4038,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,426,1,1,0,0,0,0,0,0,0,0,0,0,1 +"4951",2500,0,65000,44000,21000,3504,2504,6004,5004,26004,36004,51,137160,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,5004,1,0,0,0,0,0,0,1,0,0,0,1,0 +"4952",1859,0,31500,31500,0,1150,-3550,3009,-1691,-1691,15309,26,23154,2,14,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-1691,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4953",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,27,17340,5,5,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4954",11000,0,55000,28000,27000,17200,14900,28200,25900,52900,56566,46,35346,1,18,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,25900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"4955",0,0,0,0,0,0,0,0,0,0,613,40,19200,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"4956",0,0,100000,0,100000,5000,3800,5000,3800,103800,109800,56,29250,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,3800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"4957",0,0,0,0,0,20,-1480,20,-1480,-1480,520,35,21216,10,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1480,0,0,0,1,0,0,0,0,0,1,0,0,0 +"4958",0,0,300000,45000,255000,2000,0,2000,0,255000,267000,54,44616,3,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4959",0,0,0,0,0,0,0,0,0,0,0,31,18525,3,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"4960",0,0,285000,0,285000,10500,10500,10500,10500,295500,295500,62,57330,3,8,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,10500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"4961",0,0,40000,7800,32200,100,-838,100,-838,31362,37362,49,25641,5,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-838,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4962",0,0,0,0,0,100,-5500,100,-5500,-5500,-5500,28,13500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4963",0,0,64000,48000,16000,505,-1945,505,-1945,14055,15055,29,26865,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1945,1,0,0,1,0,0,0,0,1,0,0,0,0 +"4964",0,0,0,0,0,0,0,0,0,0,1350,36,8670,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"4965",0,0,60150,60150,0,50,50,50,50,50,50,29,17850,7,3,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,50,1,0,1,0,0,0,0,0,1,0,0,0,0 +"4966",0,0,38000,22300,15700,1200,1022,1200,1022,16722,21964,46,20988,1,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,1022,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4967",0,0,0,0,0,0,0,0,0,0,0,32,2430,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"4968",0,0,0,0,0,35015,35015,35015,35015,35015,42515,38,53925,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,35015,0,0,0,0,0,0,1,0,0,0,1,0,0 +"4969",0,0,60000,32000,28000,66249,59549,66249,59549,87549,95849,44,52182,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,59549,1,0,0,0,0,0,1,0,0,0,1,0,0 +"4970",0,0,0,0,0,60300,60300,60300,60300,60300,61611,43,79281,1,17,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,60300,0,0,0,0,0,0,0,1,0,0,1,0,0 +"4971",0,0,70000,52200,17800,1247,1247,1247,1247,19047,19047,44,35700,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1247,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4972",0,0,125000,16000,109000,10000,7500,10000,7500,116500,120500,40,32880,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4973",0,0,0,0,0,2000,2000,2000,2000,2000,2000,62,18888,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"4974",0,0,0,0,0,50,-950,50,-950,-950,250,57,3600,8,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-950,0,1,0,0,0,0,0,0,0,0,0,0,1 +"4975",0,0,20000,10000,10000,40,-1260,40,-1260,8740,8740,34,17007,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1260,1,0,1,0,0,0,0,0,0,1,0,0,0 +"4976",0,0,110000,86500,23500,8115,-3395,8115,-3395,20105,20105,31,55620,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-3395,1,0,0,0,0,0,1,0,0,1,0,0,0 +"4977",0,0,0,0,0,66,-234,66,-234,-234,3616,28,3204,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-234,0,1,0,0,0,0,0,0,1,0,0,0,0 +"4978",0,0,80000,41000,39000,99,99,99,99,39099,42099,30,41112,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,99,1,0,0,0,0,1,0,0,0,1,0,0,0 +"4979",0,0,0,0,0,0,0,0,0,0,50000,50,43500,6,13,0,1,1,0,1,0,0,0,0,0,1,0,5,3,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,1,0 +"4980",9800,0,170000,127000,43000,13100,11900,22900,21700,64700,110875,51,43680,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,21700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"4981",0,0,187000,0,187000,7499,7499,7499,7499,194499,216361,25,51450,2,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,7499,1,0,0,0,0,0,1,0,1,0,0,0,0 +"4982",0,0,0,0,0,23000,21625,23000,21625,21625,25625,27,46890,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,21625,0,0,0,0,0,1,0,0,1,0,0,0,0 +"4983",0,0,95000,58000,37000,8497,8377,8497,8377,45377,45377,29,47838,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,8377,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4984",0,0,0,0,0,18000,18000,18000,18000,18000,22650,27,11799,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,18000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4985",16000,0,120000,48000,72000,17499,17499,33499,33499,105499,106249,41,30000,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,33499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4986",0,0,33000,0,33000,5308,340,5308,340,33340,33340,30,29133,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,340,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4987",0,0,47000,47000,0,0,0,0,0,0,12096,45,21048,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"4988",0,0,0,0,0,385,130,385,130,130,130,27,11898,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,130,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4989",0,0,97000,67500,29500,400,-1218,400,-1218,28282,34342,46,16374,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1218,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4990",0,0,59900,59900,0,31050,21050,31050,21050,21050,48967,37,47109,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,21050,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4991",0,0,0,0,0,865,-4135,865,-4135,-4135,15865,29,19206,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4135,0,0,1,0,0,0,0,0,1,0,0,0,0 +"4992",0,0,275000,100000,175000,49,-36,49,-36,174964,175964,52,17424,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-36,1,0,1,0,0,0,0,0,0,0,0,1,0 +"4993",0,0,50000,42000,8000,0,-5000,0,-5000,3000,9500,30,23970,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-5000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"4994",0,0,57000,53000,4000,700,-9300,700,-9300,-5300,-850,41,32646,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-9300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"4995",0,0,0,0,0,51400,49700,51400,49700,49700,49700,27,147996,2,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,49700,0,0,0,0,0,0,0,1,1,0,0,0,0 +"4996",4300,0,83000,49000,34000,34449,29849,38749,34149,68149,74149,42,41232,4,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,34149,1,0,0,0,0,1,0,0,0,0,1,0,0 +"4997",32000,0,40000,0,40000,30899,30899,62899,62899,102899,102899,60,33885,2,7,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,62899,1,0,0,0,1,0,0,0,0,0,0,0,1 +"4998",2100,0,68000,47500,20500,5449,-5251,7549,-3151,17349,39019,29,46575,2,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,-3151,1,0,0,0,0,1,0,0,1,0,0,0,0 +"4999",0,0,0,0,0,5000,-3000,5000,-3000,-3000,350,49,14631,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5000",0,0,58000,39100,18900,0,0,0,0,18900,19400,44,7704,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5001",1500,0,300000,110000,190000,1499,1499,2999,2999,192999,192999,48,22230,6,9,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,2999,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5002",5100,0,22500,0,22500,32550,32550,37650,37650,60150,60650,61,13893,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,37650,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5003",1993,0,45000,24000,21000,95766,95766,97759,97759,118759,119390,46,68085,2,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,97759,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5004",0,0,40000,27000,13000,599,599,599,599,13599,31524,46,24996,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,599,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5005",0,0,25000,0,25000,55500,55500,55500,55500,80500,84700,37,12483,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,55500,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5006",6050,0,85000,0,85000,50000,41230,56050,47280,132280,132580,55,36198,3,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,47280,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5007",0,0,0,0,0,3000,3000,3000,3000,3000,3750,38,12930,5,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5008",14000,0,40000,0,40000,22498,20798,36498,34798,74798,75798,55,38730,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,34798,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5009",0,0,0,0,0,0,-4500,0,-4500,-4500,3525,34,24000,2,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5010",0,0,45000,45000,0,2099,1699,2099,1699,1699,1699,31,13320,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1699,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5011",4000,0,149000,149000,0,356,256,4356,4256,4256,5956,38,55377,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,4256,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5012",0,0,90000,0,90000,0,0,0,0,90000,172053,35,26217,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5013",0,0,0,0,0,3000,1500,3000,1500,1500,10247,49,23271,2,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,1500,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5014",0,0,125000,16000,109000,100,100,100,100,109100,109100,59,23004,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5015",2000,0,85000,20000,65000,30500,27350,32500,29350,94350,104311,25,18582,2,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,29350,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5016",0,0,0,0,0,2500,2500,2500,2500,2500,2500,35,56868,2,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,2500,0,0,0,0,0,0,1,0,0,1,0,0,0 +"5017",0,0,28000,25000,3000,110,110,110,110,3110,3110,41,22800,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,110,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5018",0,0,150000,62500,87500,9000,9000,9000,9000,96500,96500,48,61830,3,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,9000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5019",0,0,50000,0,50000,0,0,0,0,50000,51840,40,12597,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5020",0,0,0,0,0,2000,2000,2000,2000,2000,2000,55,32340,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,2000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5021",0,0,70000,52200,17800,2494,-3496,2494,-3496,14304,15504,35,50850,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3496,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5022",0,0,50000,44500,5500,100,-10400,100,-10400,-4900,-4900,32,36012,8,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-10400,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5023",16000,0,160000,25000,135000,45000,38000,61000,54000,189000,389000,38,80613,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,54000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5024",0,0,0,0,0,300,-2500,300,-2500,-2500,3500,26,33093,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5025",0,0,0,0,0,575,-2425,575,-2425,-2425,-1925,33,5868,3,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2425,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5026",0,0,0,0,0,0,-1000,0,-1000,-1000,3500,30,17100,3,16,1,1,0,1,1,0,0,0,0,0,0,1,2,4,0.3791962,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5027",14000,0,160000,65000,95000,43500,43500,57500,57500,152500,152500,35,81075,3,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,57500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"5028",9000,0,92100,91500,600,21706,206,30706,9206,9806,21806,43,81558,2,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,9206,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5029",0,0,35000,28000,7000,0,-5265,0,-5265,1735,1735,39,15759,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5265,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5030",0,0,0,0,0,3059,2359,3059,2359,2359,2359,36,42969,4,11,1,1,1,0,1,0,0,0,1,0,0,0,5,1,0.5995759,2359,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5031",0,0,0,0,0,350,-2650,350,-2650,-2650,3925,45,31674,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-2650,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5032",0,0,58000,11500,46500,550,-450,550,-450,46050,46050,64,17619,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-450,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5033",0,0,20000,13000,7000,1800,1800,1800,1800,8800,23853,41,23469,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1800,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5034",19600,0,300000,0,300000,23200,22800,42800,42400,342400,342400,57,33777,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,42400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5035",8000,0,35000,0,35000,3000,3000,11000,11000,46000,46000,57,26010,4,12,1,1,0,1,1,0,0,1,0,1,0,0,3,2,0.3788275,11000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5036",0,0,0,0,0,0,0,0,0,0,0,53,3156,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5037",0,0,0,0,0,0,-2800,0,-2800,-2800,1400,28,17700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5038",0,0,0,0,0,0,-928,0,-928,-928,-928,47,5652,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-928,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5039",13000,0,200000,100000,100000,6642,6242,19642,19242,119242,135167,44,45816,3,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,19242,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5040",0,0,0,0,0,0,0,0,0,0,0,51,11880,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5041",11000,0,180000,100000,80000,159000,159000,170000,170000,250000,273000,62,102744,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,170000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5042",0,0,60000,52800,7200,510,-3490,510,-3490,3710,3710,42,24945,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3490,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5043",0,0,30000,3650,26350,3948,618,3948,618,26968,27968,34,12240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,618,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5044",20000,0,100000,0,100000,22499,22499,42499,42499,142499,152861,42,35616,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,42499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5045",4875,0,127000,122000,5000,1200,1200,6075,6075,11075,18675,33,46209,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,6075,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5046",0,0,40000,40000,0,50,-6050,50,-6050,-6050,-6050,37,28038,6,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-6050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5047",0,0,225000,135000,90000,5399,2899,5399,2899,92899,668249,47,33000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2899,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5048",0,0,0,0,0,30,-7670,30,-7670,-7670,-7670,27,55365,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-7670,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5049",0,0,0,0,0,500,500,500,500,500,3000,27,7929,1,18,0,1,1,0,1,0,0,0,0,0,0,1,1,4,0.0486785,500,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5050",0,0,300000,150000,150000,4400,1400,4400,1400,151400,162940,33,54966,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,1400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5051",0,0,80000,40000,40000,1699,-1301,1699,-1301,38699,38699,40,47184,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1301,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5052",0,0,0,0,0,30,-45,30,-45,-45,3455,31,12666,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-45,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5053",0,0,0,0,0,750,750,750,750,750,750,30,47124,1,11,0,0,1,0,1,0,0,0,1,0,0,0,5,1,0.3055234,750,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5054",0,0,0,0,0,2725,2725,2725,2725,2725,6100,25,15390,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2725,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5055",0,0,0,0,0,30,-4250,30,-4250,-4250,3750,43,25131,5,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-4250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5056",0,0,0,0,0,25,25,25,25,25,525,28,11352,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5057",0,0,0,0,0,6,-994,6,-994,-994,4081,28,22134,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-994,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5058",0,0,0,0,0,0,0,0,0,0,3300,25,19200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5059",22000,0,300000,34000,266000,20800,20680,42800,42680,308680,317230,46,26100,3,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,42680,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5060",0,0,60500,60500,0,11140,11140,11140,11140,11140,16382,32,35331,1,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,11140,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5061",0,0,70000,59000,11000,1600,-2480,1600,-2480,8520,8520,32,61722,3,13,0,1,1,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2480,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5062",0,0,158000,115500,42500,1460,64,1460,64,42564,42564,29,37245,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,64,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5063",10542,0,110000,77000,33000,84005,78868,94547,89410,122410,166206,51,65865,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,89410,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5064",0,0,68000,49500,18500,2599,1099,2599,1099,19599,19599,42,26406,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1099,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5065",0,0,56000,49000,7000,450,-1550,450,-1550,5450,58616,34,33543,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1550,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5066",0,0,0,0,0,0,-1500,0,-1500,-1500,-1000,34,10371,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5067",15000,0,0,0,0,50000,50000,65000,65000,65000,65000,48,19500,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,65000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5068",0,0,52000,46900,5100,210,-1490,210,-1490,3610,14710,30,34443,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1490,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5069",0,0,50000,0,50000,600,600,600,600,50600,51600,49,17874,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5070",0,0,0,0,0,200,-37074,200,-37074,-37074,-37074,30,44184,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-37074,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5071",0,0,0,0,0,4000,4000,4000,4000,4000,20000,36,39594,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,4000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5072",0,0,0,0,0,1600,600,1600,600,600,1500,36,44805,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,600,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5073",0,0,112000,54000,58000,5500,5500,5500,5500,63500,63500,39,29265,3,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,5500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5074",16000,0,164000,35500,128500,43662,43262,59662,59262,187762,196304,58,19245,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,59262,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5075",0,0,0,0,0,110,-290,110,-290,-290,-290,34,15600,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-290,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5076",0,0,40000,2400,37600,50,-550,50,-550,37050,37550,50,6060,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-550,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5077",3200,0,130000,20000,110000,3500,1500,6700,4700,114700,166400,56,48690,3,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,4700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5078",0,0,16000,9000,7000,500,-9700,500,-9700,-2700,3500,55,34200,3,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-9700,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5079",0,0,19000,16500,2500,167,167,167,167,2667,3167,39,21435,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,167,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5080",60000,0,165000,75000,90000,142556,110056,202556,170056,260056,260056,53,72108,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,170056,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5081",0,0,50000,26000,24000,50,-250,50,-250,23750,23750,55,7134,5,10,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,-250,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5082",0,0,0,0,0,100,-3900,100,-3900,-3900,-575,25,14307,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5083",44000,0,75000,0,75000,900,763,44900,44763,119763,119763,62,40500,3,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,44763,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5084",0,0,23500,23500,0,375,345,375,345,345,345,44,25758,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,345,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5085",0,0,20000,20000,0,3500,3500,3500,3500,3500,3500,53,14760,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,3500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5086",0,0,65000,0,65000,500,-3300,500,-3300,61700,61700,46,27000,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5087",0,0,72000,30000,42000,0,0,0,0,42000,42500,54,26316,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5088",0,0,95000,75000,20000,9500,8700,9500,8700,28700,36700,44,63255,5,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,8700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5089",0,0,50000,22000,28000,1810,1460,1810,1460,29460,30210,54,7440,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,1460,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5090",0,0,0,0,0,50,-1080,50,-1080,-1080,3100,36,17544,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1080,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5091",0,0,0,0,0,450,-2750,450,-2750,-2750,-2750,29,19797,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-2750,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5092",50000,0,300000,150000,150000,31500,31500,81500,81500,231500,231500,61,129996,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,81500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5093",0,0,42500,42500,0,20,-1980,20,-1980,-1980,4020,28,18525,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1980,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5094",0,0,0,0,0,200,-7600,200,-7600,-7600,-5100,36,13824,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7600,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5095",0,0,0,0,0,1000,-1200,1000,-1200,-1200,825,27,28740,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5096",0,0,0,0,0,200,-1000,200,-1000,-1000,-500,44,25500,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5097",19200,0,125000,41000,84000,103000,100000,122200,119200,203200,203200,60,52767,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,119200,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5098",0,0,0,0,0,153,153,153,153,153,-347,37,20100,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,153,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5099",0,0,6000,2000,4000,0,0,0,0,4000,5000,25,1560,1,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 +"5100",4000,0,180000,145000,35000,38000,37000,42000,41000,76000,89000,40,110160,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,41000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5101",0,0,0,0,0,20,20,20,20,20,20,30,10803,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,20,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5102",3000,0,110000,25000,85000,1200,300,4200,3300,88300,88300,34,26991,4,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,3300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5103",0,0,222000,25000,197000,4999,4999,4999,4999,201999,205999,44,42300,1,13,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5315816,4999,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5104",0,0,0,0,0,300,300,300,300,300,300,60,7116,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 +"5105",0,0,0,0,0,0,0,0,0,0,0,46,14040,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5106",0,0,0,0,0,20199,18899,20199,18899,18899,19787,35,21702,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,18899,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5107",0,0,104000,80000,24000,3800,-7800,3800,-7800,16200,25200,34,38520,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-7800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5108",2500,0,135000,77500,57500,11400,11400,13900,13900,71400,75400,47,47496,3,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,13900,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5109",0,0,103000,64890,38110,200,-5900,200,-5900,32210,37885,40,40800,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-5900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5110",0,0,60000,46000,14000,8000,5500,8000,5500,19500,24500,50,33750,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5111",0,0,34010,26000,8010,1178,-3422,1178,-3422,4588,7588,29,23127,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-3422,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5112",0,0,0,0,0,1040,-2060,1040,-2060,-2060,1993,30,17700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2060,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5113",0,0,80000,47000,33000,827,-19173,827,-19173,13827,25227,31,24000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-19173,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5114",0,0,0,0,0,0,0,0,0,0,0,40,28332,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5115",8000,0,0,0,0,50386,50386,58386,58386,58386,86386,48,30438,3,1,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.277538,58386,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5116",33300,0,300000,150000,150000,139300,139300,172600,172600,322600,391450,39,49200,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,172600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5117",0,0,164000,150000,14000,1000,-1300,1000,-1300,12700,12700,40,38205,6,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5118",0,0,115000,75000,40000,1860,-4390,1860,-4390,35610,35610,27,40830,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4390,1,0,0,0,0,1,0,0,1,0,0,0,0 +"5119",3400,0,80000,57900,22100,28744,20544,32144,23944,46044,50544,32,38376,3,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,23944,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5120",0,0,130000,0,130000,5500,4100,5500,4100,134100,139350,49,17631,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,4100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5121",0,0,0,0,0,0,-6159,0,-6159,-6159,-6159,25,630,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6159,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5122",16600,0,65000,0,65000,1148,1148,17748,17748,82748,87296,41,30927,3,9,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,17748,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5123",4000,0,40000,12000,28000,3499,3499,7499,7499,35499,35499,63,24708,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,7499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5124",0,0,80000,0,80000,999,999,999,999,80999,80999,59,33084,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5125",0,0,275000,150000,125000,4000,3500,4000,3500,128500,128500,43,64050,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,3500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5126",0,0,0,0,0,50,-65,50,-65,-65,-65,26,11232,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-65,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5127",15000,0,0,0,0,900,-2500,15900,12500,12500,13500,32,23100,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,12500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5128",1000,0,230000,150000,80000,3000,-3500,4000,-2500,77500,98640,56,40710,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,-2500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5129",0,0,60000,59000,1000,5000,4000,5000,4000,5000,5500,33,31200,5,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,4000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5130",0,0,80000,25000,55000,3900,3900,3900,3900,58900,59400,55,12600,3,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,3900,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5131",0,0,0,0,0,1266,-1804,1266,-1804,-1804,7196,27,23400,3,5,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1804,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5132",4000,0,60000,21500,38500,8500,8500,12500,12500,51000,52250,44,21234,1,15,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,12500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5133",0,0,55000,36000,19000,250,-14750,250,-14750,4250,50250,33,46239,3,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-14750,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5134",0,0,0,0,0,999,999,999,999,999,1499,37,22500,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,999,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5135",0,0,35000,13000,22000,1700,-11660,1700,-11660,10340,10340,61,21876,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-11660,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5136",0,0,35000,35000,0,0,0,0,0,0,25000,50,13326,2,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5137",0,0,70000,25000,45000,2721,2237,2721,2237,47237,129325,45,37677,3,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2237,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5138",0,0,0,0,0,16799,4499,16799,4499,4499,28499,51,40011,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,4499,0,0,0,0,0,1,0,0,0,0,0,1,0 +"5139",2500,0,60000,0,60000,17300,15800,19800,18300,78300,81750,40,32457,1,17,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,18300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5140",0,0,0,0,0,0,-712,0,-712,-712,-712,30,9009,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-712,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5141",0,0,40000,30000,10000,8034,7234,8034,7234,17234,32291,54,98784,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,7234,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5142",4100,0,0,0,0,11000,11000,15100,15100,15100,55600,52,26910,1,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,15100,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5143",0,0,93500,82000,11500,16000,10000,16000,10000,21500,23900,39,32856,4,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,10000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5144",12000,0,50000,0,50000,226200,225950,238200,237950,287950,335950,59,25185,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,237950,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5145",13400,0,0,0,0,34669,33269,48069,46669,46669,52669,34,86760,4,13,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,46669,0,0,0,0,0,0,0,1,0,1,0,0,0 +"5146",8180,0,0,0,0,436,436,8616,8616,8616,9116,35,18633,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,8616,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5147",0,0,150000,0,150000,2898,98,2898,98,150098,150098,37,39468,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,98,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5148",0,0,80000,58000,22000,1398,-2602,1398,-2602,19398,26398,32,52602,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2602,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5149",200,0,90000,63000,27000,1200,400,1400,600,27600,30600,26,25737,4,10,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5150",0,0,150000,125500,24500,7000,-3000,7000,-3000,21500,73053,46,62250,2,17,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,-3000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5151",0,0,0,0,0,1150,1150,1150,1150,1150,1150,26,37833,3,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,1150,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5152",0,0,65000,63500,1500,2899,699,2899,699,2199,39199,42,64176,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,699,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5153",0,0,0,0,0,1150,-14350,1150,-14350,-14350,-14350,30,27555,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-14350,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5154",0,0,105000,69600,35400,8768,5968,8768,5968,41368,70368,42,55791,4,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5968,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5155",0,0,80000,41000,39000,100,-4900,100,-4900,34100,37450,39,30780,4,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-4900,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5156",0,0,70000,52000,18000,810,-5190,810,-5190,12810,12810,45,47178,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-5190,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5157",0,0,0,0,0,650,-3650,650,-3650,-3650,-300,50,12240,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3650,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5158",0,0,65000,27500,37500,38200,38200,38200,38200,75700,80300,39,109392,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,38200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5159",49000,0,50000,50000,0,100000,95500,149000,144500,144500,144500,53,104235,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,144500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5160",0,0,69900,54000,15900,1500,-47500,1500,-47500,-31600,-31600,42,63207,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-47500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5161",0,0,89000,74000,15000,1500,1000,1500,1000,16000,29000,41,70905,6,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5162",0,0,135000,0,135000,24019,24019,24019,24019,159019,192694,50,7980,4,16,1,1,0,0,1,0,0,0,0,0,0,1,1,4,0.375,24019,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5163",0,0,104000,104000,0,7500,6000,7500,6000,6000,9000,28,29880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,6000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5164",0,0,50000,8000,42000,200,-4800,200,-4800,37200,38483,47,16818,8,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4800,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5165",15327,0,100000,0,100000,10,-290,15337,15037,115037,286037,64,42864,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,15037,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5166",0,0,48500,20500,28000,9150,4150,9150,4150,32150,32850,47,17010,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,4150,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5167",0,0,0,0,0,500,500,500,500,500,500,29,19644,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5168",0,0,38000,35000,3000,100,-95,100,-95,2905,3905,34,13509,7,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-95,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5169",3000,0,90000,83000,7000,1150,-14650,4150,-11650,-4650,39350,33,59172,5,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,-11650,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5170",0,0,45000,29500,15500,28000,28000,28000,28000,43500,140822,41,31254,1,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,28000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5171",0,0,0,0,0,3150,1150,3150,1150,1150,6829,31,45420,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5231876,1150,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5172",0,0,57000,57000,0,100,-2400,100,-2400,-2400,950,49,19800,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-2400,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5173",5000,0,0,0,0,2000,-15000,7000,-10000,-10000,8125,46,71988,1,18,1,1,1,0,1,0,0,1,0,0,0,1,6,4,0.5500422,-10000,0,0,0,0,0,0,1,0,0,0,0,1,0 +"5174",0,0,45000,45000,0,173,-8827,173,-8827,-8827,-8427,32,13242,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-8827,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5175",0,0,60000,46000,14000,500,0,500,0,14000,21000,38,24795,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5176",9000,0,0,0,0,1000,1000,10000,10000,10000,10750,36,38100,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,10000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5177",0,0,48000,0,48000,800,800,800,800,48800,48800,52,26118,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5178",0,0,0,0,0,0,-3300,0,-3300,-3300,-800,36,8622,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3300,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5179",0,0,0,0,0,899,-2101,899,-2101,-2101,-1151,32,19638,4,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2101,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5180",0,0,0,0,0,9999,9499,9999,9499,9499,9499,29,52200,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,9499,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5181",0,0,0,0,0,300,300,300,300,300,300,27,32040,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5182",0,0,0,0,0,150,-1350,150,-1350,-1350,-800,27,25200,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1350,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5183",0,0,48000,0,48000,0,-500,0,-500,47500,47700,48,34074,5,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5184",0,0,0,0,0,0,0,0,0,0,0,39,10800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5185",0,0,0,0,0,248,-1552,248,-1552,-1552,-1552,54,19371,3,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3791962,-1552,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5186",2400,0,150000,35000,115000,10450,10250,12850,12650,127650,128850,32,24624,4,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,12650,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5187",0,0,0,0,0,275,275,275,275,275,8375,26,28035,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,275,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5188",0,0,0,0,0,299,299,299,299,299,799,36,12243,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,299,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5189",0,0,125000,79500,45500,260,-1840,260,-1840,43660,201160,33,44388,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1840,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5190",0,0,0,0,0,0,0,0,0,0,500,31,9150,2,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5191",0,0,0,0,0,0,0,0,0,0,0,40,69120,7,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,0,0,0,0,0,0,0,1,0,0,0,1,0,0 +"5192",0,0,40000,18000,22000,2700,2700,2700,2700,24700,29550,44,32460,2,14,1,1,1,0,1,0,0,0,0,0,1,0,4,3,0.5297047,2700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5193",19000,0,30000,0,30000,12000,12000,31000,31000,61000,63575,59,13170,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,31000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5194",30600,0,250000,0,250000,61399,61399,91999,91999,341999,341999,40,60360,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,91999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5195",0,0,0,0,0,21417,9217,21417,9217,9217,83767,50,91704,3,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,9217,0,0,0,0,0,0,0,1,0,0,0,1,0 +"5196",300,0,0,0,0,40,-160,340,140,140,140,46,23391,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,140,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5197",18000,0,300000,150000,150000,60000,56000,78000,74000,224000,374000,48,151572,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,74000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5198",0,0,0,0,0,1250,-2650,1250,-2650,-2650,34750,36,15639,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2650,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5199",0,0,35000,31000,4000,1265,-1235,1265,-1235,2765,24765,43,36510,7,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1235,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5200",0,0,18000,0,18000,0,0,0,0,18000,18000,48,26604,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5201",0,0,0,0,0,18000,17200,18000,17200,17200,22442,56,20310,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,17200,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5202",0,0,0,0,0,1038,-3248,1038,-3248,-3248,-2248,27,25995,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3248,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5203",0,0,36500,36500,0,5200,-5300,5200,-5300,-5300,3700,39,52416,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5204",15695,0,110000,64000,46000,9298,9298,24993,24993,70993,70993,37,41358,5,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,24993,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5205",0,0,24000,24000,0,13,13,13,13,13,13,39,17424,6,9,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3623197,13,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5206",7000,0,175000,0,175000,79399,79399,86399,86399,261399,269049,50,18981,2,18,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,86399,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5207",0,0,0,0,0,0,0,0,0,0,4646,35,28647,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5208",0,0,75000,70000,5000,2695,-9505,2695,-9505,-4505,19495,33,54288,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9505,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5209",0,0,0,0,0,95,95,95,95,95,95,26,6663,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,95,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5210",0,0,0,0,0,30100,29100,30100,29100,29100,29100,35,23904,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,29100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5211",0,0,0,0,0,1889,-611,1889,-611,-611,-611,26,50400,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-611,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5212",0,0,125000,49500,75500,700,700,700,700,76200,78700,64,15366,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,700,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5213",0,0,0,0,0,19851,14851,19851,14851,14851,15851,27,55683,2,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,14851,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5214",0,0,0,0,0,100,100,100,100,100,1950,37,10710,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5215",0,0,0,0,0,2100,-1700,2100,-1700,-1700,1450,30,25917,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-1700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5216",0,0,120000,70000,50000,0,-450,0,-450,49550,50150,25,34794,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-450,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5217",0,0,0,0,0,400,-100,400,-100,-100,6400,33,20250,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5218",500,0,105000,7400,97600,41020,39760,41520,40260,137860,175860,31,2541,3,12,0,1,0,1,1,0,0,1,0,1,0,0,1,2,0.2088342,40260,1,1,0,0,0,0,0,0,0,1,0,0,0 +"5219",0,0,0,0,0,850,850,850,850,850,3350,36,26400,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5220",0,0,230000,105000,125000,600,-11400,600,-11400,113600,120600,40,24615,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-11400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5221",0,0,5000,0,5000,150,-8550,150,-8550,-3550,-3175,30,10560,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-8550,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5222",0,0,0,0,0,88500,88000,88500,88000,88000,93500,40,121404,3,14,0,1,1,1,1,0,0,0,0,0,1,0,7,3,0.4572618,88000,0,0,0,0,0,0,0,1,0,0,1,0,0 +"5223",0,0,0,0,0,0,0,0,0,0,0,32,12720,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5224",4000,0,0,0,0,1924,-1276,5924,2724,2724,7966,51,34302,2,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,2724,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5225",0,0,75000,48000,27000,1400,-4100,1400,-4100,22900,25900,39,43089,4,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-4100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5226",0,0,0,0,0,500,500,500,500,500,500,34,12168,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5227",0,0,4500,0,4500,5200,5200,5200,5200,9700,14500,28,38058,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,5200,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5228",0,0,88000,77000,11000,5500,-14500,5500,-14500,-3500,3500,35,70290,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-14500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5229",0,0,130000,0,130000,5000,2000,5000,2000,132000,132000,58,49290,6,16,1,1,0,0,1,0,0,0,0,0,0,1,5,4,0.6077043,2000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5230",600,0,125000,0,125000,10100,10100,10700,10700,135700,141700,52,32511,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,10700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5231",0,0,35000,0,35000,100,100,100,100,35100,38450,52,4890,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,100,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5232",0,0,0,0,0,0,-120,0,-120,-120,-120,27,10725,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-120,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5233",0,0,0,0,0,27200,26800,27200,26800,26800,32475,41,23562,1,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,26800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5234",0,0,0,0,0,0,-600,0,-600,-600,10893,56,15480,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5235",0,0,0,0,0,300,0,300,0,0,2375,30,15966,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5236",34000,0,110000,40000,70000,137450,137450,171450,171450,241450,241450,41,51510,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,171450,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5237",0,0,0,0,0,0,-9200,0,-9200,-9200,-9200,40,39954,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-9200,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5238",0,0,150000,101000,49000,200,200,200,200,49200,49200,42,30600,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5239",0,0,0,0,0,1000,-4500,1000,-4500,-4500,-4500,59,40290,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4500,0,0,0,0,0,1,0,0,0,0,0,0,1 +"5240",0,0,0,0,0,0,0,0,0,0,0,58,14247,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5241",33000,0,150000,20000,130000,6999,6499,39999,39499,169499,214499,63,12294,2,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.1464927,39499,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5242",0,0,0,0,0,199,199,199,199,199,7699,48,20418,2,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,199,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5243",0,0,23000,19130,3870,20,-3730,20,-3730,140,32870,27,19380,3,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-3730,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5244",0,0,0,0,0,2000,2000,2000,2000,2000,2000,38,12300,7,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5245",0,0,75000,35000,40000,200,200,200,200,40200,40200,36,35997,4,16,0,1,1,1,1,0,0,0,0,0,0,1,4,4,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5246",0,0,35000,0,35000,1700,1700,1700,1700,36700,37700,47,16260,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1700,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5247",0,0,8000,0,8000,0,0,0,0,8000,19900,33,18621,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5248",0,0,0,0,0,0,0,0,0,0,5242,49,13950,6,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5249",22000,0,300000,100000,200000,2000,2000,24000,24000,224000,224000,43,104778,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,24000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5250",0,0,93000,92692,308,1825,-10275,1825,-10275,-9967,9433,30,57000,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-10275,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5251",0,0,120000,17000,103000,4000,-1950,4000,-1950,101050,101050,51,32526,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1950,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5252",15000,0,95000,34600,60400,1509,-1791,16509,13209,73609,87609,46,73785,4,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,13209,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5253",0,0,35000,5000,30000,200,-4800,200,-4800,25200,25200,54,12048,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-4800,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5254",0,0,0,0,0,20,-2780,20,-2780,-2780,3245,38,19212,1,17,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-2780,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5255",0,0,0,0,0,600,-5400,600,-5400,-5400,-4675,40,21975,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-5400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5256",32000,0,120000,0,120000,94150,94150,126150,126150,246150,257625,50,49830,1,8,0,0,1,0,1,0,0,1,1,0,0,0,5,1,0.4414764,126150,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5257",0,0,80000,0,80000,2823,2823,2823,2823,82823,82823,40,41568,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2823,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5258",0,0,0,0,0,100,100,100,100,100,7100,40,16848,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5259",0,0,0,0,0,50,-6950,50,-6950,-6950,-6950,25,27606,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-6950,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5260",0,0,0,0,0,249,249,249,249,249,249,42,40035,7,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,249,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5261",0,0,87000,85000,2000,5000,3900,5000,3900,5900,13900,28,42801,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3900,1,0,0,0,0,1,0,0,1,0,0,0,0 +"5262",0,0,0,0,0,0,0,0,0,0,2975,37,18240,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5263",0,0,60000,40000,20000,28420,28420,28420,28420,48420,48920,51,14574,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,28420,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5264",0,0,0,0,0,4000,2600,4000,2600,2600,5675,28,29160,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2600,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5265",0,0,0,0,0,5000,5000,5000,5000,5000,9200,35,17472,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,5000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5266",0,0,0,0,0,5150,5150,5150,5150,5150,14150,25,24534,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,5150,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5267",0,0,0,0,0,20,20,20,20,20,3199,34,12000,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,20,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5268",0,0,75000,18000,57000,400,-300,400,-300,56700,57700,49,18975,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5269",0,0,0,0,0,17100,16800,17100,16800,16800,16800,55,28893,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,16800,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5270",0,0,50000,25000,25000,0,-600,0,-600,24400,24400,45,18600,6,2,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5271",0,0,0,0,0,0,0,0,0,0,500,41,41040,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5272",20000,0,300000,0,300000,80000,77000,100000,97000,397000,404575,61,37980,2,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,97000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5273",6600,0,73000,68000,5000,547500,544500,554100,551100,556100,566100,45,76938,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,551100,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5274",0,0,0,0,0,999,899,999,899,899,6399,35,42540,5,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,899,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5275",0,0,54000,0,54000,43400,42632,43400,42632,96632,96632,62,44403,2,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,42632,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5276",0,0,45000,33000,12000,1700,-900,1700,-900,11100,11100,29,30606,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-900,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5277",0,0,30000,30000,0,25199,23699,25199,23699,23699,32199,31,43116,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,23699,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5278",0,0,0,0,0,1140,-959,1140,-959,-959,-959,31,20418,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-959,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5279",0,0,0,0,0,499,-2701,499,-2701,-2701,4395,38,17946,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2701,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5280",48000,0,70000,0,70000,83100,82812,131100,130812,200812,200812,59,45519,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,130812,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5281",0,0,60000,68000,-8000,1450,450,1450,450,-7550,1450,30,32430,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,450,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5282",0,0,42000,41900,100,500,500,500,500,600,3000,28,24258,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5283",9600,0,0,0,0,655,-545,10255,9055,9055,15055,39,34908,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.277538,9055,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5284",0,0,0,0,0,1800,-2700,1800,-2700,-2700,-2700,28,510,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2700,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5285",0,0,0,0,0,90,-1120,90,-1120,-1120,1880,30,18378,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1120,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5286",0,0,75000,62000,13000,2900,-5400,2900,-5400,7600,25600,44,63627,2,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5287",0,0,146500,95500,51000,5400,3200,5400,3200,54200,61400,46,36930,1,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,3200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5288",0,0,146500,146500,0,300,-1025,300,-1025,-1025,-1025,46,85065,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-1025,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5289",0,0,0,0,0,0,0,0,0,0,1500,27,14655,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5290",4000,0,150000,150000,0,4499,4499,8499,8499,8499,13499,34,35118,7,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,8499,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5291",0,0,0,0,0,2200,700,2200,700,700,6700,27,28845,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5292",0,0,0,0,0,4800,4200,4800,4200,4200,4550,28,11616,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,4200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5293",0,0,40000,32000,8000,13000,13000,13000,13000,21000,21000,41,15480,4,7,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,13000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5294",0,0,0,0,0,4500,4415,4500,4415,4415,4415,41,26610,4,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.2092901,4415,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5295",0,0,0,0,0,0,0,0,0,0,1500,29,11721,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5296",0,0,0,0,0,100,-3400,100,-3400,-3400,-1850,44,24174,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-3400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5297",0,0,59000,32500,26500,160,-7495,160,-7495,19005,19005,42,16326,4,15,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,-7495,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5298",1300,0,150000,100000,50000,18300,16600,19600,17900,67900,67900,35,51300,5,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,17900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5299",0,0,0,0,0,1300,800,1300,800,800,12800,52,46800,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,800,0,0,0,0,0,1,0,0,0,0,0,1,0 +"5300",0,0,0,0,0,2600,1500,2600,1500,1500,3000,49,16284,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5301",0,0,0,0,0,15220,11535,15220,11535,11535,23535,64,26733,2,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,11535,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5302",0,0,0,0,0,10520,8220,10520,8220,8220,11020,58,27264,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,8220,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5303",0,0,50000,30000,20000,1050,-250,1050,-250,19750,22300,28,21639,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-250,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5304",0,0,0,0,0,0,0,0,0,0,0,54,27240,5,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5305",0,0,0,0,0,4100,-6500,4100,-6500,-6500,-1800,44,19560,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5306",0,0,78000,70000,8000,4499,2499,4499,2499,10499,34274,45,39207,3,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,2499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5307",0,0,0,0,0,6500,-5500,6500,-5500,-5500,-1834,28,27546,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-5500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5308",0,0,0,0,0,0,-400,0,-400,-400,8061,30,8400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-400,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5309",0,0,90000,40000,50000,4100,-5400,4100,-5400,44600,44600,38,56115,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5310",4000,0,67000,44000,23000,10,10,4010,4010,27010,30010,37,30438,3,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,4010,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5311",66703,0,260000,0,260000,274000,274000,345603,345603,605603,805603,52,110952,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,340703,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5312",0,0,0,0,0,3900,3900,3900,3900,3900,5400,25,18846,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,3900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5313",0,0,0,0,0,24320,24320,24320,24320,24320,24320,31,42336,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,24320,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5314",4000,0,120000,83000,37000,4000,1900,8000,5900,42900,42900,31,27906,3,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,5900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5315",900,0,90000,65000,25000,2500,-400,3400,500,25500,30350,46,36120,1,14,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.3669286,500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5316",0,0,42000,10500,31500,100,-3900,100,-3900,27600,28100,37,13839,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-3900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5317",0,0,0,0,0,0,-775,0,-775,-775,575,36,7317,1,18,0,1,1,0,1,0,0,0,0,0,0,1,1,4,0.0486785,-775,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5318",0,0,75000,71500,3500,300,-8700,300,-8700,-5200,3800,45,61830,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-8700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5319",13000,0,85000,4883,80117,91766,91766,104766,104766,184883,184883,62,45432,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,104766,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5320",0,0,120000,37000,83000,8600,7600,8600,7600,90600,90600,58,33219,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5321",0,0,0,0,0,3000,3000,3000,3000,3000,8333,32,13140,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5322",0,0,0,0,0,1100,645,1100,645,645,645,43,12240,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,645,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5323",0,0,105000,64480,40520,4285,2085,4285,2085,42605,88605,46,33408,1,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,2085,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5324",0,0,60000,35000,25000,4435,4245,4435,4245,29245,34295,36,29160,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,4245,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5325",2500,0,90000,77000,13000,6999,3899,9499,6399,19399,45399,39,91980,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,6399,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5326",0,0,0,0,0,400,400,400,400,400,2219,33,25326,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5327",0,0,30000,22000,8000,150,-1600,150,-1600,6400,6400,37,19446,4,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5328",0,0,47500,25000,22500,4100,3484,4100,3484,25984,25984,38,25290,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,3484,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5329",0,0,70000,54000,16000,1000,-4456,1000,-4456,11544,12069,37,30942,3,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-4456,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5330",0,0,0,0,0,0,0,0,0,0,0,30,20400,3,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5331",0,0,60000,20000,40000,299,-15001,299,-15001,24999,24999,33,31236,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-15001,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5332",0,0,73000,63000,10000,1500,-500,1500,-500,9500,10500,45,9456,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-500,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5333",0,0,90000,25000,65000,5000,5000,5000,5000,70000,70000,36,48300,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,5000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5334",0,0,0,0,0,400,400,400,400,400,400,44,15135,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5335",0,0,100000,43000,57000,2000,-6000,2000,-6000,51000,58000,38,31020,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-6000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5336",0,0,90000,0,90000,599,599,599,599,90599,90599,60,38949,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,599,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5337",0,0,200000,0,200000,0,0,0,0,200000,272000,60,12792,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5338",0,0,0,0,0,2600,2600,2600,2600,2600,2600,25,4944,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,2600,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5339",0,0,0,0,0,499,499,499,499,499,499,30,20430,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,499,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5340",0,0,2500,0,2500,1000,-2400,1000,-2400,100,5300,41,30240,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-2400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5341",0,0,92500,0,92500,80,-2100,80,-2100,90400,97400,57,32592,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2100,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5342",0,0,210000,103000,107000,74999,73499,74999,73499,180499,180499,44,55344,4,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,73499,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5343",20000,0,75000,30000,45000,35000,35000,55000,55000,100000,127000,63,55500,2,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,55000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5344",0,0,0,0,0,300,0,300,0,0,4875,28,22833,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5345",0,0,300000,20000,280000,0,0,0,0,280000,293596,38,41496,1,12,0,0,0,0,1,0,0,0,0,1,0,0,5,2,0.4200058,0,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5346",0,0,0,0,0,88,68,88,68,68,68,28,7779,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,68,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5347",0,0,0,0,0,6130,5741,6130,5741,5741,13195,29,44670,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,5741,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5348",0,0,0,0,0,310,310,310,310,310,810,38,5133,1,15,0,1,1,0,1,0,0,0,0,0,1,0,1,3,0.0486785,310,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5349",0,0,15500,15500,0,1345,-655,1345,-655,-655,10345,33,25356,4,1,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-655,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5350",0,0,0,0,0,0,0,0,0,0,0,37,7563,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5351",0,0,68000,0,68000,999,-29001,999,-29001,38999,38999,61,49002,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-29001,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5352",0,0,140000,69000,71000,0,-500,0,-500,70500,70500,34,13320,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-500,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5353",0,0,40000,38000,2000,432,432,432,432,2432,2932,43,14829,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,432,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5354",0,0,0,0,0,5,-995,5,-995,-995,1430,29,15555,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-995,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5355",0,0,100000,29900,70100,0,-3000,0,-3000,67100,67100,51,8730,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-3000,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5356",0,0,65000,47900,17100,525,-3975,525,-3975,13125,34405,46,25332,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-3975,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5357",0,0,90000,39950,50050,0,0,0,0,50050,50050,50,17688,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5358",0,0,0,0,0,25,-19425,25,-19425,-19425,-17350,34,29430,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-19425,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5359",0,0,0,0,0,2812,-12188,2812,-12188,-12188,-7088,34,39303,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-12188,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5360",0,0,0,0,0,0,0,0,0,0,0,58,8607,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"5361",0,0,0,0,0,4300,2728,4300,2728,2728,2728,25,19458,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2728,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5362",0,0,21000,12500,8500,5000,4500,5000,4500,13000,13000,59,7740,2,7,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,4500,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5363",0,0,0,0,0,0,0,0,0,0,0,55,4590,4,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"5364",0,0,0,0,0,3100,3100,3100,3100,3100,4600,60,17124,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3100,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5365",3500,0,0,0,0,58500,58500,62000,62000,62000,78553,59,36696,1,14,1,0,1,0,1,0,0,1,0,0,1,0,4,3,0.6739899,62000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5366",2500,0,190000,76000,114000,7000,800,9500,3300,117300,122000,37,52821,5,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,3300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5367",0,0,88000,16000,72000,2199,-8801,2199,-8801,63199,68199,57,24612,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-8801,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5368",0,0,31000,31000,0,200,-300,200,-300,-300,-300,58,19986,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-300,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5369",425,0,82000,76000,6000,10250,8250,10675,8675,14675,14675,44,55230,3,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,8675,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5370",17000,0,90000,50000,40000,37253,37253,54253,54253,94253,99528,52,50544,2,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,54253,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5371",0,0,0,0,0,317,317,317,317,317,817,30,12633,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,317,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5372",0,0,0,0,0,0,-1600,0,-1600,-1600,-1600,27,16530,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-1600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5373",0,0,0,0,0,0,0,0,0,0,500,28,21600,2,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5374",0,0,16000,0,16000,300,300,300,300,16300,16300,45,15840,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5375",0,0,46500,46500,0,1200,1200,1200,1200,1200,1200,50,31296,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5376",0,0,0,0,0,448,448,448,448,448,1198,30,15300,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,448,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5377",0,0,39000,36000,3000,1000,-1200,1000,-1200,1800,10800,41,27375,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5378",0,0,150000,21750,128250,0,0,0,0,128250,128750,62,9690,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5379",0,0,55000,30000,25000,90,-1910,90,-1910,23090,24590,42,12240,4,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1910,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5380",0,0,15000,700,14300,5,5,5,5,14305,13805,35,12963,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,5,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5381",0,0,45000,38000,7000,999,999,999,999,7999,7999,35,19260,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,999,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5382",0,0,0,0,0,0,0,0,0,0,0,46,5589,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5383",96,0,65000,35000,30000,1500,-1600,1596,-1504,28496,46146,41,9345,1,16,1,0,0,0,1,0,0,1,0,0,0,1,1,4,0.2696344,-1504,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5384",220,0,0,0,0,70,70,290,290,290,290,45,63300,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.3533661,290,0,0,0,0,0,0,1,0,0,0,0,1,0 +"5385",0,0,0,0,0,0,0,0,0,0,0,46,11640,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5386",0,0,35000,0,35000,825,825,825,825,35825,51825,43,14172,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,825,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5387",0,0,0,0,0,0,-16000,0,-16000,-16000,-16000,41,240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-16000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5388",0,0,0,0,0,0,0,0,0,0,500,34,11850,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5389",0,0,15000,0,15000,600,-1688,600,-1688,13312,15673,55,9888,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-1688,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5390",10000,0,31000,0,31000,3227,3027,23227,23027,54027,65527,37,30507,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,13027,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5391",0,0,40000,36000,4000,17,-2883,17,-2883,1117,1117,38,9759,7,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2883,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5392",0,0,115000,70000,45000,850,-950,850,-950,44050,44050,39,58650,6,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-950,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5393",3000,0,50000,0,50000,13749,13749,16749,16749,66749,75624,51,35031,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,16749,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5394",0,0,0,0,0,150,-2850,150,-2850,-2850,-2850,39,15720,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2850,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5395",0,0,0,0,0,600,600,600,600,600,600,27,15444,7,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5396",0,0,250000,0,250000,128000,122800,128000,122800,372800,372800,45,33240,4,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,122800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5397",7500,0,260000,150000,110000,8899,5599,16399,13099,123099,141942,45,72075,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,13099,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5398",8000,0,220000,45000,175000,2821,2571,10821,10571,185571,185571,40,63225,6,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,10571,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5399",0,0,40000,0,40000,19200,19200,19200,19200,59200,69200,51,30516,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,19200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5400",2200,0,95000,0,95000,10900,10900,13100,13100,108100,122850,39,30825,1,15,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.3669286,13100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5401",0,0,80000,33750,46250,0,0,0,0,46250,46250,43,12828,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5402",0,0,0,0,0,500,500,500,500,500,3000,32,25338,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5403",0,0,80000,64000,16000,343,343,343,343,16343,25343,38,31938,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,343,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5404",0,0,50000,45000,5000,549,-3151,549,-3151,1849,3349,43,17880,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3151,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5405",2050,0,90000,0,90000,34800,23800,36850,25850,115850,132850,42,63858,3,17,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,25850,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5406",650,0,36000,25000,11000,800,-3320,1450,-2670,8330,15172,36,21525,1,13,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-2670,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5407",0,0,45000,0,45000,499,-1501,499,-1501,43499,160499,61,14466,2,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1501,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5408",0,0,0,0,0,65,-635,65,-635,-635,-635,29,36213,6,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-635,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5409",0,0,0,0,0,100,-1400,100,-1400,-1400,-1400,48,19200,5,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1400,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5410",0,0,70000,25000,45000,46000,46000,46000,46000,91000,118500,39,26700,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,46000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5411",0,0,0,0,0,24350,24350,24350,24350,24350,24890,29,68439,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,24350,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5412",0,0,0,0,0,550,550,550,550,550,1800,48,20970,4,10,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,550,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5413",0,0,100000,75000,25000,17000,17000,17000,17000,42000,138975,49,23100,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,17000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5414",0,0,52000,400,51600,3800,3200,3800,3200,54800,113396,48,31830,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,3200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5415",0,0,150000,80000,70000,35299,32299,35299,32299,102299,107799,48,49263,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,32299,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5416",0,0,230000,149000,81000,10700,10700,10700,10700,91700,91700,31,47154,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,10700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5417",0,0,42000,0,42000,0,0,0,0,42000,43000,53,8700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5418",0,0,0,0,0,0,0,0,0,0,0,61,40770,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 +"5419",0,0,95000,52000,43000,3000,3000,3000,3000,46000,50500,42,50937,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5420",16360,0,75000,10200,64800,2100,2100,18460,18460,83260,83260,46,49431,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,18460,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5421",12000,0,0,0,0,85000,85000,97000,97000,97000,97000,59,49701,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.3249403,97000,0,0,0,0,0,1,0,0,0,0,0,0,1 +"5422",0,0,0,0,0,3399,3399,3399,3399,3399,9242,43,17706,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,3399,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5423",0,0,0,0,0,49,-181,49,-181,-181,2869,37,15156,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-181,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5424",0,0,150000,0,150000,200,200,200,200,150200,151200,56,12036,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5425",0,0,0,0,0,4,4,4,4,4,4,32,4668,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,4,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5426",0,0,0,0,0,155,-31845,155,-31845,-31845,-5345,41,80439,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,-31845,0,0,0,0,0,0,0,1,0,0,1,0,0 +"5427",0,0,0,0,0,0,0,0,0,0,3350,26,10710,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5428",0,0,20000,0,20000,50,-800,50,-800,19200,20700,48,9180,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-800,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5429",0,0,100000,0,100000,0,0,0,0,100000,102500,53,18696,6,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5430",0,0,35000,0,35000,0,0,0,0,35000,35000,45,11766,5,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5431",0,0,0,0,0,0,0,0,0,0,2500,37,15771,1,14,0,1,1,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5432",3000,0,0,0,0,1395,795,4395,3795,3795,11445,27,22047,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,3795,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5433",0,0,25000,11700,13300,400,100,400,100,13400,13400,63,16536,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,100,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5434",0,0,0,0,0,15199,13399,15199,13399,13399,13399,28,5412,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,13399,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5435",1500,0,124000,69000,55000,530,-1370,2030,130,55130,57030,52,43212,1,18,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,130,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5436",6000,0,0,0,0,48350,48350,54350,54350,54350,64750,43,58569,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,54350,0,0,0,0,0,0,1,0,0,0,1,0,0 +"5437",0,0,0,0,0,0,0,0,0,0,5250,29,30633,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5438",0,0,0,0,0,0,0,0,0,0,0,42,9948,5,3,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5439",0,0,11000,12000,-1000,75,-1925,75,-1925,-2925,-2925,57,14232,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1925,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5440",0,0,140000,90000,50000,40,40,40,40,50040,60719,54,15594,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,40,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5441",0,0,40000,25000,15000,4,-2996,4,-2996,12004,15657,33,11376,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2996,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5442",28000,0,100000,12000,88000,25100,25100,53100,53100,141100,141100,63,27885,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,53100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5443",0,0,100000,0,100000,7799,7799,7799,7799,107799,107799,57,12516,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,7799,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5444",6000,0,225000,150000,75000,81500,80500,87500,86500,161500,161850,35,102171,4,18,1,1,1,0,1,0,0,1,0,0,0,1,7,4,0.7316045,86500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"5445",0,0,80000,74500,5500,1570,-28430,1570,-28430,-22930,-22930,29,52047,2,1,1,1,0,1,1,0,0,0,1,0,0,0,6,1,0.6688337,-28430,1,0,0,0,0,0,1,0,1,0,0,0,0 +"5446",0,0,50000,40000,10000,50,50,50,50,10050,17050,36,13821,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5447",21500,0,138000,65000,73000,7400,6800,28900,28300,101300,101300,41,52182,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,28300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5448",0,0,42000,15000,27000,8049,7049,8049,7049,34049,43049,30,36693,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,7049,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5449",0,0,0,0,0,0,-200,0,-200,-200,-200,31,20436,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5450",0,0,28500,28500,0,351,-1149,351,-1149,-1149,-1149,37,22680,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1149,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5451",0,0,0,0,0,0,0,0,0,0,0,27,20100,3,1,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5452",0,0,38000,33000,5000,5,-14995,5,-14995,-9995,-9995,52,23307,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-14995,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5453",6000,0,85000,0,85000,100,-5025,6100,975,85975,86475,42,6639,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,975,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5454",0,0,165000,25000,140000,3420,3203,3420,3203,143203,200203,48,25662,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,3203,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5455",0,0,1500,0,1500,500,200,500,200,1700,2450,34,8988,6,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,200,1,1,0,0,0,0,0,0,0,1,0,0,0 +"5456",50000,0,95000,27500,67500,2500,2500,52500,52500,120000,120000,55,34320,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,52500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5457",20000,0,20000,0,20000,1304445,1304445,1324445,1324445,1344445,1424445,59,242124,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,1324445,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5458",0,0,4000,0,4000,341,-829,341,-829,3171,3171,25,18447,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-829,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5459",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,51,6240,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2000,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5460",0,0,0,0,0,1000,1000,1000,1000,1000,1000,36,19791,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5461",0,0,85000,42000,43000,550,-6450,550,-6450,36550,36550,34,18744,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-6450,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5462",0,0,100000,50000,50000,74999,72999,74999,72999,122999,122999,55,55500,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,72999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5463",0,0,42000,0,42000,6,6,6,6,42006,42906,40,22800,5,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,6,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5464",0,0,57000,49000,8000,15500,14500,15500,14500,22500,24500,29,14850,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,14500,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5465",6000,0,82000,44000,38000,4000,3875,10000,9875,47875,50028,47,27006,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,9875,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5466",0,0,50000,40000,10000,0,-2500,0,-2500,7500,21950,57,21840,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5467",0,0,0,0,0,1700,1700,1700,1700,1700,2325,41,12504,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1700,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5468",0,0,13000,13000,0,1000,-523,1000,-523,-523,2477,31,15300,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-523,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5469",0,0,0,0,0,1310,-790,1310,-790,-790,710,42,14640,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-790,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5470",0,0,35000,23500,11500,2700,-2300,2700,-2300,9200,44200,31,37524,7,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-2300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5471",0,0,0,0,0,0,0,0,0,0,0,36,17928,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5472",0,0,0,0,0,10010,10010,10010,10010,10010,10010,28,25800,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,10010,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5473",0,0,0,0,0,1000,1000,1000,1000,1000,1000,58,22302,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1000,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5474",6000,0,0,0,0,7006,3606,13006,9606,9606,13209,27,40584,1,16,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.6430668,9606,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5475",4000,0,150000,85000,65000,9200,3700,13200,7700,72700,72700,52,73110,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,7700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5476",15000,0,25000,0,25000,40000,40000,55000,55000,80000,83420,55,23640,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,55000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5477",0,0,0,0,0,700,150,700,150,150,9329,38,35805,4,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,150,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5478",0,0,50000,43000,7000,150,-11950,150,-11950,-4950,-2284,43,25371,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-11950,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5479",0,0,0,0,0,3000,3000,3000,3000,3000,3500,27,52860,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.3169526,3000,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5480",0,0,25000,18000,7000,600,600,600,600,7600,8600,42,10428,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5481",0,0,0,0,0,299,299,299,299,299,2042,47,10098,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,299,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5482",35000,0,60000,0,60000,76000,75400,111000,110400,170400,178400,59,46500,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,110400,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5483",0,0,0,0,0,1099,-14901,1099,-14901,-14901,-12362,30,19644,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-14901,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5484",6000,0,0,0,0,7700,-3000,13700,3000,3000,3000,26,70443,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,3000,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5485",0,0,0,0,0,2099,-932,2099,-932,-932,2368,33,58149,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-932,0,0,0,0,0,0,1,0,0,1,0,0,0 +"5486",0,0,0,0,0,50,50,50,50,50,50,29,54060,3,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,50,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5487",0,0,0,0,0,0,-3000,0,-3000,-3000,-2000,32,40800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,-3000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5488",0,0,0,0,0,20,20,20,20,20,2770,40,19044,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,20,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5489",0,0,0,0,0,0,-600,0,-600,-600,5149,29,7788,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-600,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5490",0,0,55000,40150,14850,300,300,300,300,15150,23103,42,36468,5,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5491",4800,0,230000,150000,80000,139999,139599,144799,144399,224399,359599,55,32115,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,144399,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5492",0,0,0,0,0,0,0,0,0,0,2575,35,12420,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5493",30000,0,130000,90000,40000,17200,13200,47200,43200,83200,214500,42,53100,6,17,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,43200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5494",0,0,80000,80000,0,0,-2200,0,-2200,-2200,800,32,36150,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5495",0,0,0,0,0,0,-2800,0,-2800,-2800,-2800,48,6000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2800,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5496",0,0,0,0,0,2000,500,2000,500,500,900,32,24060,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5497",0,0,285000,23000,262000,3400,3000,3400,3000,265000,265000,26,39660,2,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,3000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5498",2200,0,135000,102000,33000,800,-50,3000,2150,35150,51459,48,31905,2,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,2150,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5499",0,0,0,0,0,3000,200,3000,200,200,200,32,15216,10,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5500",0,0,100000,91200,8800,50000,47500,50000,47500,56300,56300,48,27000,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,47500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5501",0,0,73500,73500,0,30499,28949,30499,28949,28949,82848,45,23028,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,28949,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5502",0,0,60000,27000,33000,4999,2899,4999,2899,35899,35899,52,35340,2,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,2899,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5503",4300,0,300000,25000,275000,199147,198447,203447,202747,477747,534190,36,48573,3,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,202747,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5504",21204,0,74000,0,74000,28988,28988,50192,50192,124192,138268,63,65457,1,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,50192,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5505",0,0,0,0,0,500,-500,500,-500,-500,925,26,25815,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5506",0,0,0,0,0,26,-14,26,-14,-14,486,35,16896,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-14,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5507",2550,0,55000,27000,28000,2548,2548,5098,5098,33098,33098,63,15993,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,5098,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5508",0,0,0,0,0,1900,1500,1900,1500,1500,56600,31,44868,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,1500,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5509",0,0,0,0,0,499,499,499,499,499,3849,26,18030,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,499,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5510",0,0,0,0,0,650,-8900,650,-8900,-8900,19450,61,26982,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-8900,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5511",0,0,0,0,0,450,450,450,450,450,13450,35,48615,4,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,450,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5512",0,0,35000,30000,5000,22700,22300,22700,22300,27300,73100,38,47043,5,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,22300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5513",0,0,0,0,0,99,-5901,99,-5901,-5901,-2658,28,39045,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-5901,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5514",0,0,65000,50000,15000,100,-2900,100,-2900,12100,13100,33,24606,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-2900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5515",0,0,0,0,0,80,-6920,80,-6920,-6920,-6420,37,20403,1,6,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-6920,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5516",0,0,0,0,0,0,0,0,0,0,1000,60,0,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"5517",0,0,0,0,0,30,-3420,30,-3420,-3420,5,31,7293,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-3420,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5518",0,0,120000,38000,82000,6500,4000,6500,4000,86000,92746,49,48168,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,4000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5519",0,0,65000,22500,42500,800,-3200,800,-3200,39300,52300,43,25056,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5520",5000,0,80000,59000,21000,9999,6999,14999,11999,32999,35424,35,31200,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,11999,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5521",0,0,46776,35610,11166,150,-3850,150,-3850,7316,7316,48,30402,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3850,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5522",0,0,100000,40000,60000,7999,7999,7999,7999,67999,67999,47,74970,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,7999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5523",0,0,0,0,0,325,-3075,325,-3075,-3075,-2575,26,21456,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3075,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5524",0,0,15000,0,15000,1000,1000,1000,1000,16000,16000,35,21450,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5525",0,0,0,0,0,900,900,900,900,900,900,28,20916,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5526",0,0,220000,0,220000,37998,37998,37998,37998,257998,277998,60,81618,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,37998,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5527",3190,0,80000,50000,30000,800,-2200,3990,990,30990,32990,45,14427,3,14,1,1,0,0,1,0,0,1,0,0,1,0,2,3,0.273258,990,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5528",0,0,38000,18500,19500,1020,1020,1020,1020,20520,20520,48,32595,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,1020,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5529",0,0,60000,48000,12000,0,0,0,0,12000,12000,40,9690,5,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5530",0,0,58000,10500,47500,0,-300,0,-300,47200,60200,51,11094,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5531",31500,0,75000,0,75000,87000,83400,118500,114900,189900,259400,63,29013,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,114900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5532",0,0,50000,0,50000,45500,45500,45500,45500,95500,95500,59,21921,2,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,45500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5533",0,0,0,0,0,0,0,0,0,0,0,25,17280,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5534",0,0,0,0,0,0,0,0,0,0,0,25,11652,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5535",0,0,100000,0,100000,2000,0,2000,0,100000,104000,63,42300,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,0,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5536",0,0,0,0,0,5100,3100,5100,3100,3100,3100,32,15009,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,3100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5537",0,0,0,0,0,2300,-4700,2300,-4700,-4700,-4700,25,21150,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5538",0,0,0,0,0,249,249,249,249,249,249,55,15135,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,249,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5539",10000,0,0,0,0,15000,-10000,25000,0,0,2000,38,92253,3,18,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4935519,0,0,0,0,0,0,0,0,1,0,0,1,0,0 +"5540",26000,0,93000,45000,48000,56949,56949,82949,82949,130949,130949,63,61245,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,82949,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5541",4000,0,207000,115000,92000,4497,3997,8497,7997,99997,99997,39,62610,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,7997,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5542",0,0,0,0,0,0,0,0,0,0,500,39,17412,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5543",0,0,0,0,0,500,-3000,500,-3000,-3000,138419,37,19236,1,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5544",0,0,0,0,0,2300,866,2300,866,866,5866,26,26388,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,866,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5545",0,0,18000,13000,5000,400,-2600,400,-2600,2400,3650,39,16341,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5546",0,0,0,0,0,820,820,820,820,820,820,32,40215,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,820,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5547",0,0,130000,96000,34000,1999,-20001,1999,-20001,13999,13999,43,65973,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-20001,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5548",0,0,66000,64000,2000,927,-3073,927,-3073,-1073,13927,26,43275,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3073,1,0,0,0,0,1,0,0,1,0,0,0,0 +"5549",0,0,54000,54000,0,4498,4498,4498,4498,4498,14773,32,28599,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,4498,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5550",11000,0,45000,33000,12000,17030,15530,28030,26530,38530,44080,54,28329,2,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,26530,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5551",0,0,0,0,0,75000,75000,75000,75000,75000,78333,47,25533,2,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,75000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5552",0,0,0,0,0,0,0,0,0,0,0,51,10509,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5553",0,0,70000,59000,11000,399,-1701,399,-1701,9299,10324,54,22074,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1701,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5554",0,0,82000,74000,8000,2300,-7700,2300,-7700,300,3550,37,56346,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-7700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5555",0,0,47500,32500,15000,2000,2000,2000,2000,17000,17000,29,17970,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5556",2500,0,150000,75000,75000,499,199,2999,2699,77699,80899,39,35178,5,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,2699,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5557",5000,0,0,0,0,10000,9910,15000,14910,14910,14910,39,15300,6,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.118155,14910,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5558",20000,0,44000,31000,13000,399,399,20399,20399,33399,222899,35,50424,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20399,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5559",0,0,63500,32000,31500,40,40,40,40,31540,32165,44,17850,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,40,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5560",7200,0,115000,102000,13000,45872,45415,53072,52615,65615,65615,31,34818,4,17,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,52615,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5561",32500,0,250000,38000,212000,83000,61300,115500,93800,305800,410000,54,75876,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,93800,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5562",17500,0,80000,0,80000,4999,4999,22499,22499,102499,102499,60,39288,2,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,22499,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5563",0,0,4000,0,4000,0,-1691,0,-1691,2309,2309,63,10146,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1691,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5564",0,0,118000,67000,51000,1000,-1500,1000,-1500,49500,60670,40,86781,2,16,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-1500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5565",0,0,59000,59000,0,20,-1755,20,-1755,-1755,6245,30,21690,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1755,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5566",0,0,0,0,0,100,-750,100,-750,-750,3250,39,38454,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-750,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5567",0,0,0,0,0,50,-1150,50,-1150,-1150,-1150,27,8814,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1150,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5568",0,0,170000,85000,85000,8000,7000,8000,7000,92000,92000,28,38466,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5569",4000,0,200000,112000,88000,5500,2000,9500,6000,94000,96000,43,83886,5,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,6000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5570",0,0,0,0,0,0,-310,0,-310,-310,-310,39,16140,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-310,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5571",0,0,38000,17250,20750,111,111,111,111,20861,21861,30,13440,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,111,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5572",0,0,8000,10000,-2000,126,-11000,126,-11000,-13000,51000,28,31824,5,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-11000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5573",0,0,0,0,0,36,36,36,36,36,1536,32,14997,12,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,36,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5574",3000,0,0,0,0,4926,4926,7926,7926,7926,110926,29,45687,2,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.3442089,7926,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5575",0,0,38000,0,38000,100,-1900,100,-1900,36100,36100,55,29097,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5576",0,0,17000,10000,7000,710,-22065,710,-22065,-15065,-6065,48,26952,6,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-22065,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5577",0,0,0,0,0,0,0,0,0,0,0,32,37593,4,16,1,1,1,1,1,0,0,0,0,0,0,1,4,4,0.5896286,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5578",0,0,0,0,0,0,0,0,0,0,-500,28,6006,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5579",0,0,0,0,0,350,350,350,350,350,350,32,14925,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,350,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5580",0,0,0,0,0,0,0,0,0,0,45000,32,36000,5,18,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5581",0,0,0,0,0,229,229,229,229,229,1729,35,24033,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,229,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5582",2000,0,190000,88000,102000,13000,13000,26000,26000,128000,128000,36,77010,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,15000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5583",14800,0,38500,38500,0,6485,5885,21285,20685,20685,23210,48,40641,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,20685,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5584",0,0,0,0,0,800,800,800,800,800,7800,32,25314,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5585",0,0,85000,70500,14500,95,95,95,95,14595,18595,34,17253,2,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,95,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5586",0,0,0,0,0,100,-1900,100,-1900,-1900,-750,29,12216,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5587",27000,0,0,0,0,82100,82100,109100,109100,109100,109100,35,23973,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,109100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5588",0,0,0,0,0,0,0,0,0,0,1850,34,13584,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5589",0,0,0,0,0,22500,16500,22500,16500,16500,26500,31,25560,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,16500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5590",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,27,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5591",20103,0,0,0,0,90000,90000,110103,110103,110103,118103,37,49806,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,110103,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5592",0,0,75000,35000,40000,4122,3067,4122,3067,43067,47067,45,57915,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,3067,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5593",8600,0,97000,83500,13500,6000,5500,14600,14100,27600,27600,49,30300,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,14100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5594",0,0,78000,72000,6000,3315,515,3315,515,6515,6515,28,57612,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5405443,515,1,0,0,0,0,0,1,0,1,0,0,0,0 +"5595",0,0,25000,0,25000,40,40,40,40,25040,28140,47,13644,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,40,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5596",0,0,0,0,0,0,0,0,0,0,0,55,10200,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5597",0,0,52000,39500,12500,2300,-1700,2300,-1700,10800,10800,26,32748,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1700,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5598",0,0,80000,63500,16500,500,-1900,500,-1900,14600,14600,50,31278,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5599",0,0,0,0,0,25,25,25,25,25,25,34,8400,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,25,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5600",0,0,40000,0,40000,4,-2596,4,-2596,37404,37404,37,25455,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2596,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5601",2181,0,69000,63800,5200,200,-500,2381,1681,6881,9856,29,22464,2,16,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.4720998,1681,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5602",16800,0,0,0,0,4000,-4000,20800,12800,12800,64800,52,48000,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,12800,0,0,0,0,0,1,0,0,0,0,0,1,0 +"5603",0,0,80000,37500,42500,3300,300,3300,300,42800,51800,38,31875,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5604",0,0,0,0,0,0,-13551,0,-13551,-13551,-13551,41,7824,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-13551,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5605",32000,0,0,0,0,6200,5500,38200,37500,37500,39500,59,20769,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2061994,37500,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5606",0,0,0,0,0,499,99,499,99,99,99,42,23430,5,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,99,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5607",0,0,65000,10000,55000,5000,3500,5000,3500,58500,63300,32,43521,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5608",0,0,200000,25000,175000,15000,15000,15000,15000,190000,310000,55,65124,2,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,15000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5609",0,0,60000,22500,37500,50199,47199,50199,47199,84699,86199,55,34248,2,17,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,47199,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5610",0,0,0,0,0,0,0,0,0,0,0,33,8670,2,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5611",0,0,12000,0,12000,300,300,300,300,12300,12300,62,20151,2,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5612",0,0,27000,0,27000,600,600,600,600,27600,28600,61,11424,1,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,600,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5613",0,0,15000,0,15000,0,-875,0,-875,14125,14125,57,20094,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-875,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5614",26500,0,150000,78500,71500,36035,36035,62535,62535,134035,134035,36,46710,5,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,62535,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5615",50000,0,300000,150000,150000,5798,5798,55798,55798,205798,216091,52,56514,2,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,55798,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5616",0,0,95000,60000,35000,13949,13949,13949,13949,48949,49449,35,55788,1,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,13949,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5617",0,0,200000,68000,132000,10599,9999,10599,9999,141999,366999,56,39117,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5618",0,0,27000,27000,0,4000,3100,4000,3100,3100,3100,39,21300,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,3100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5619",0,0,85000,76500,8500,700,230,700,230,8730,11730,30,31725,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,230,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5620",0,0,0,0,0,7300,300,7300,300,300,300,33,28560,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5621",0,0,0,0,0,0,-2400,0,-2400,-2400,-2400,25,6138,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2400,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5622",0,0,0,0,0,100,-4000,100,-4000,-4000,-3500,39,13773,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5623",30500,0,115000,0,115000,449,-17051,30949,13449,128449,156449,51,39165,3,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,13449,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5624",0,0,50000,0,50000,0,0,0,0,50000,55242,59,1950,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5625",0,0,60000,56000,4000,4300,-7700,4300,-7700,-3700,-3700,28,34503,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-7700,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5626",0,0,0,0,0,0,0,0,0,0,0,45,17442,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5627",14700,0,130000,65000,65000,75,-5025,14775,9675,74675,74675,53,50439,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,9675,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5628",0,0,95000,72000,23000,400,-17100,400,-17100,5900,9250,35,26550,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-17100,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5629",0,0,0,0,0,20000,20000,20000,20000,20000,24225,44,22500,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,20000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5630",900,0,0,0,0,548,248,1448,1148,1148,3648,46,9720,1,12,1,0,0,0,1,0,0,1,0,1,0,0,1,2,0.2246842,1148,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5631",0,0,46500,40800,5700,1000,-800,1000,-800,4900,5400,29,21276,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-800,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5632",1000,0,0,0,0,32148,28648,33148,29648,29648,29648,30,85569,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,29648,0,0,0,0,0,0,0,1,0,1,0,0,0 +"5633",0,0,26000,15000,11000,400,-3600,400,-3600,7400,8350,30,27624,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3600,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5634",50000,0,28000,6000,22000,3050,2450,53050,52450,74450,155650,52,92724,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,52450,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5635",26000,0,80000,0,80000,21900,21900,47900,47900,127900,129400,58,22050,1,8,0,0,1,0,1,0,0,1,1,0,0,0,3,1,0.2658667,47900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5636",0,0,0,0,0,1599,1599,1599,1599,1599,6841,64,6498,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,1599,0,1,0,0,0,0,0,0,0,0,0,0,1 +"5637",0,0,0,0,0,249,-651,249,-651,-651,7349,45,54255,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-651,0,0,0,0,0,0,1,0,0,0,0,1,0 +"5638",0,0,0,0,0,59,59,59,59,59,509,47,8019,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,59,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5639",50300,0,90000,0,90000,46000,43000,96300,93300,183300,390300,50,28908,3,13,1,1,1,1,1,0,0,1,0,0,1,0,3,3,0.3788275,93300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5640",0,0,60000,0,60000,0,0,0,0,60000,61500,57,14280,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5641",0,0,0,0,0,0,-1200,0,-1200,-1200,150,28,17643,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5642",0,0,0,0,0,13700,13000,13700,13000,13000,13000,57,19260,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,13000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5643",0,0,0,0,0,0,-400,0,-400,-400,2600,34,21600,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5644",0,0,0,0,0,0,0,0,0,0,12725,30,12525,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5645",0,0,45000,37000,8000,1543,1473,1543,1473,9473,9473,35,41280,4,13,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,1473,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5646",0,0,45000,33750,11250,1248,-8752,1248,-8752,2498,100998,38,59229,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-8752,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5647",0,0,0,0,0,5,5,5,5,5,6994,31,28356,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,5,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5648",0,0,0,0,0,3810,3810,3810,3810,3810,67585,36,28464,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3810,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5649",0,0,72500,68500,4000,4540,340,4540,340,4340,26840,49,41154,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,340,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5650",0,0,0,0,0,2000,2000,2000,2000,2000,2000,62,19236,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5651",0,0,0,0,0,169,169,169,169,169,1994,27,18909,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,169,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5652",26000,0,125000,95000,30000,4700,2200,30700,28200,58200,177200,56,80400,2,14,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,28200,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5653",37000,0,80000,0,80000,7399,6399,44399,43399,123399,163399,55,76077,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,43399,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5654",0,0,0,0,0,400,400,400,400,400,5642,33,13749,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5655",0,0,0,0,0,469,-2736,469,-2736,-2736,2264,30,39957,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-2736,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5656",0,0,110000,60000,50000,7240,7190,7240,7190,57190,67690,34,35184,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,7190,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5657",0,0,80000,35000,45000,4500,4200,4500,4200,49200,50675,55,25710,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,4200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5658",15000,0,105000,80000,25000,65700,45593,80700,60593,85593,155593,59,76899,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,60593,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5659",6000,0,65000,45000,20000,0,-3700,6000,2300,22300,22300,41,28050,4,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,2300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5660",0,0,0,0,0,0,0,0,0,0,0,46,9180,5,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5661",5700,0,85000,20500,64500,12499,10499,18199,16199,80699,83199,44,23055,1,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,16199,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5662",0,0,30000,25500,4500,2725,-2975,2725,-2975,1525,2775,35,26460,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-2975,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5663",10000,0,70000,37500,32500,1099,1099,11099,11099,43599,47530,38,22194,2,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,11099,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5664",0,0,0,0,0,1800,200,1800,200,200,2345,33,17454,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5665",0,0,130000,75000,55000,500,500,500,500,55500,70500,42,58629,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5666",0,0,0,0,0,150,-850,150,-850,-850,-850,35,31443,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5667",0,0,43000,39600,3400,776,-2674,776,-2674,726,1331,30,13152,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2674,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5668",0,0,75000,56000,19000,1600,400,1600,400,19400,21900,63,24096,2,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,400,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5669",0,0,0,0,0,5000,5000,5000,5000,5000,5000,48,30660,3,16,1,1,1,0,1,0,0,0,0,0,0,1,4,4,0.5896286,5000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5670",0,0,0,0,0,2300,2300,2300,2300,2300,9025,29,18168,4,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5671",11000,0,75000,0,75000,7430,7430,18430,18430,93430,110330,48,45618,4,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,18430,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5672",0,0,55000,44000,11000,12100,11900,12100,11900,22900,77900,59,42858,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,11900,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5673",0,0,50000,0,50000,5299,5299,5299,5299,55299,63760,58,21822,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,5299,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5674",48522,0,72000,18000,54000,44999,44999,93521,93521,147521,148421,54,52770,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,93521,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5675",0,0,0,0,0,10000,9300,10000,9300,9300,13625,28,36300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,9300,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5676",0,0,0,0,0,700,-9500,700,-9500,-9500,1500,26,17919,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-9500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5677",0,0,170000,20000,150000,29998,29598,29998,29598,179598,179598,36,37077,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,29598,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5678",0,0,150000,45000,105000,3310,-1690,3310,-1690,103310,103310,44,54492,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1690,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5679",0,0,0,0,0,0,-2600,0,-2600,-2600,-2600,50,27330,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2600,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5680",0,0,56000,56000,0,1300,1300,1300,1300,1300,1300,30,22800,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5681",0,0,70000,16000,54000,2200,2000,2200,2000,56000,59800,41,12588,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,2000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5682",0,0,0,0,0,500,-400,500,-400,-400,4266,30,23118,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5683",0,0,0,0,0,2999,-501,2999,-501,-501,1624,30,22641,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-501,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5684",0,0,45000,33000,12000,2100,-2400,2100,-2400,9600,9600,48,25692,5,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5685",0,0,89000,67000,22000,5000,4101,5000,4101,26101,26101,29,29730,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,4101,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5686",0,0,100000,18000,82000,11749,10749,11749,10749,92749,93749,62,16524,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,10749,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5687",0,0,0,0,0,206,-22794,206,-22794,-22794,-22794,44,60903,3,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-22794,0,0,0,0,0,0,1,0,0,0,1,0,0 +"5688",0,0,145000,120000,25000,3499,3499,3499,3499,28499,36742,37,33996,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,3499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5689",0,0,0,0,0,1400,-5100,1400,-5100,-5100,-5100,31,33513,7,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-5100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5690",0,0,0,0,0,0,0,0,0,0,7350,34,44625,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,0,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5691",60089,0,200000,90000,110000,249,112,60338,60201,170201,170201,54,50553,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,60201,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5692",0,0,0,0,0,1719,1569,1719,1569,1569,2319,39,14382,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1569,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5693",0,0,0,0,0,500,-800,500,-800,-800,-800,27,20385,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5694",0,0,0,0,0,5841,5241,5841,5241,5241,10991,34,28410,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,5241,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5695",0,0,7000,0,7000,20000,15150,20000,15150,22150,22150,31,28248,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,15150,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5696",16350,0,0,0,0,2999,2749,19349,19099,19099,38457,56,39180,2,7,1,0,1,0,1,0,0,1,1,0,0,0,4,1,0.6739899,19099,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5697",0,0,15000,0,15000,0,-360,0,-360,14640,14640,44,5436,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-360,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5698",0,0,45000,13000,32000,900,-1170,900,-1170,30830,35830,32,24990,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1170,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5699",0,0,0,0,0,250,-2250,250,-2250,-2250,-1050,27,13482,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2250,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5700",0,0,0,0,0,0,0,0,0,0,0,52,15096,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5701",0,0,69000,62000,7000,3000,2300,3000,2300,9300,15150,30,27840,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,2300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5702",5700,0,116000,96000,20000,5900,5700,11600,11400,31400,31400,25,55890,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,1,0,0,0,0 +"5703",0,0,0,0,0,300,300,300,300,300,300,56,38382,2,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,300,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5704",0,0,0,0,0,3300,3300,3300,3300,3300,3800,25,20004,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5705",0,0,0,0,0,0,-495,0,-495,-495,-495,25,28254,3,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-495,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5706",0,0,0,0,0,1400,1400,1400,1400,1400,40400,27,86790,4,12,0,1,1,1,1,0,0,0,0,1,0,0,7,2,0.4572618,1400,0,0,0,0,0,0,0,1,1,0,0,0,0 +"5707",0,0,0,0,0,609,209,609,209,209,329,30,33420,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,209,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5708",0,0,240000,0,240000,300,300,300,300,240300,240300,43,43146,7,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5709",0,0,0,0,0,397,397,397,397,397,397,35,9354,6,7,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,397,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5710",0,0,0,0,0,0,0,0,0,0,0,33,17328,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5711",0,0,0,0,0,100,-300,100,-300,-300,5050,39,33078,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5712",0,0,0,0,0,325,325,325,325,325,4825,57,15930,1,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,325,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5713",24000,0,200000,50000,150000,302000,152000,326000,176000,326000,356000,57,66960,4,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,176000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5714",0,0,0,0,0,0,-10000,0,-10000,-10000,-5667,41,21081,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-10000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5715",0,0,0,0,0,30,30,30,30,30,530,35,24123,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,30,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5716",0,0,65000,0,65000,96,96,96,96,65096,65096,42,18540,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,96,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5717",0,0,0,0,0,2412,112,2412,112,112,112,29,11505,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,112,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5718",0,0,135000,77000,58000,7000,5800,7000,5800,63800,64160,49,57615,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5719",0,0,80000,75800,4200,8399,7399,8399,7399,11599,15599,34,36702,4,10,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,7399,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5720",0,0,0,0,0,0,-2100,0,-2100,-2100,400,31,15360,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5721",0,0,26000,23398,2602,400,-1600,400,-1600,1002,1002,29,19848,4,11,1,1,1,1,1,0,0,0,1,0,0,0,2,1,0.3623197,-1600,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5722",0,0,0,0,0,14999,13349,14999,13349,13349,71349,33,53700,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,13349,0,0,0,0,0,0,1,0,0,1,0,0,0 +"5723",130,0,24000,0,24000,2000,0,2130,130,24130,29130,25,37236,3,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,130,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5724",0,0,35000,18000,17000,0,-400,0,-400,16600,20104,41,15876,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5725",0,0,0,0,0,1632,-9868,1632,-9868,-9868,-9600,50,30420,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-9868,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5726",0,0,0,0,0,210,-2090,210,-2090,-2090,5410,32,35751,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2090,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5727",0,0,0,0,0,799,799,799,799,799,10299,32,24024,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,799,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5728",0,0,0,0,0,400,-9800,400,-9800,-9800,-9800,34,21603,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-9800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5729",0,0,60000,32000,28000,42499,41999,42499,41999,69999,69999,38,51798,2,14,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.4938007,41999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5730",13000,0,250000,0,250000,128200,127600,141200,140600,390600,467600,40,59340,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,140600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5731",0,0,60000,28000,32000,5724,5124,5724,5124,37124,43649,35,28893,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,5124,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5732",0,0,68000,16000,52000,20548,20348,20548,20348,72348,73098,45,27786,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,20348,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5733",0,0,0,0,0,0,-600,0,-600,-600,-600,26,12375,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5734",3000,0,265000,150000,115000,1120,-4380,4120,-1380,113620,131820,32,62352,1,17,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,-1380,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5735",0,0,0,0,0,1074,-2342,1074,-2342,-2342,-2342,25,30957,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2342,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5736",5170,0,132000,98000,34000,268,-6232,5438,-1062,32938,41938,29,59652,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,-1062,1,0,0,0,0,0,1,0,1,0,0,0,0 +"5737",0,0,70000,42000,28000,3724,-11276,3724,-11276,16724,28469,46,51339,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-11276,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5738",48660,0,90000,0,90000,45498,41634,94158,90294,180294,224794,54,98907,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,90294,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5739",0,0,0,0,0,0,0,0,0,0,1000,26,14616,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5740",0,0,0,0,0,49800,49800,49800,49800,49800,53150,43,57645,2,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.5906146,49800,0,0,0,0,0,0,1,0,0,0,1,0,0 +"5741",0,0,0,0,0,863,263,863,263,263,2963,43,11452,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,263,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5742",0,0,0,0,0,1500,0,1500,0,0,500,64,30174,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,0,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5743",1163,0,82000,63000,19000,2000,1750,3163,2913,21913,31913,28,21600,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,2913,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5744",0,0,0,0,0,59,59,59,59,59,1742,34,9081,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,59,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5745",2750,0,53000,43000,10000,10190,10190,12940,12940,22940,25440,36,24048,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,12940,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5746",0,0,60000,55000,5000,975,-8225,975,-8225,-3225,2575,35,21132,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-8225,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5747",0,0,35000,23000,12000,1100,-3900,1100,-3900,8100,21100,48,31506,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5748",0,0,40000,30000,10000,900,-300,900,-300,9700,10700,33,33006,3,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5749",0,0,90000,63000,27000,11324,11289,11324,11289,38289,41289,46,20121,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,11289,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5750",0,0,200000,123000,77000,4449,4449,4449,4449,81449,86449,33,30963,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,4449,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5751",45000,0,0,0,0,7399,7399,52399,52399,52399,64606,58,30264,3,17,1,1,0,0,1,0,0,1,0,0,0,1,4,4,0.6044431,52399,0,0,0,0,1,0,0,0,0,0,0,0,1 +"5752",0,0,0,0,0,400,400,400,400,400,9400,25,26535,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5753",0,0,30000,27000,3000,135,-15565,135,-15565,-12565,-565,35,28782,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-15565,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5754",0,0,75000,46600,28400,0,-6000,0,-6000,22400,25750,49,31944,2,13,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-6000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5755",0,0,0,0,0,20999,18999,20999,18999,18999,21649,55,27600,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,18999,0,0,0,1,0,0,0,0,0,0,0,0,1 +"5756",0,0,106000,45000,61000,150,-11550,150,-11550,49450,55450,43,40428,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-11550,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5757",0,0,0,0,0,4500,-2000,4500,-2000,-2000,-2000,25,5712,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2000,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5758",0,0,0,0,0,0,0,0,0,0,6596,31,11220,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5759",0,0,60000,42500,17500,20,20,20,20,17520,19020,49,7500,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,20,1,1,0,0,0,0,0,0,0,0,0,1,0 +"5760",10600,0,0,0,0,200,200,10800,10800,10800,10800,43,37392,6,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.277538,10800,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5761",0,0,0,0,0,35000,35000,35000,35000,35000,57596,27,38874,1,17,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,35000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5762",30000,0,280000,150000,130000,368600,368600,398600,398600,528600,528600,49,105330,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,398600,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5763",0,0,0,0,0,0,-500,0,-500,-500,14500,43,14280,4,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5764",0,0,110000,0,110000,22998,22998,22998,22998,132998,425798,54,31587,2,10,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,22998,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5765",0,0,0,0,0,0,0,0,0,0,1000,45,11250,1,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5766",4000,0,0,0,0,200,-8414,4200,-4414,-4414,-1414,51,14493,2,9,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.105793,-4414,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5767",0,0,0,0,0,0,-2415,0,-2415,-2415,-1515,38,14892,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2415,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5768",0,0,80000,10900,69100,1000,500,1000,500,69600,70750,45,20430,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5769",0,0,0,0,0,301,-799,301,-799,-799,-799,30,32784,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-799,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5770",1931,0,35000,0,35000,4144,4144,6075,6075,41075,41575,62,6948,1,13,0,0,0,0,1,0,0,1,0,0,1,0,1,3,0.1431995,6075,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5771",0,0,80000,75000,5000,500,-3000,500,-3000,2000,13796,35,27129,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5772",0,0,21111,19000,2111,1120,-9680,1120,-9680,-7569,-686,28,22440,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-9680,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5773",90000,0,85000,40000,45000,5300,5000,95300,95000,140000,142000,56,71748,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,95000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5774",0,0,0,0,0,3380,-2320,3380,-2320,-2320,-1520,26,35493,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2320,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5775",14000,0,80000,75000,5000,420,420,14420,14420,19420,28016,42,47010,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,14420,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5776",0,0,50000,16000,34000,1800,1601,1800,1601,35601,39601,28,18234,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1601,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5777",0,0,300000,150000,150000,2499,2499,2499,2499,152499,168749,55,21150,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,2499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5778",0,0,58000,36000,22000,2999,-4001,2999,-4001,17999,33999,57,12792,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-4001,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5779",0,0,0,0,0,175,-1025,175,-1025,-1025,475,35,16977,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-1025,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5780",0,0,100000,28000,72000,10,10,10,10,72010,114260,40,41616,2,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,10,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5781",0,0,86000,86000,0,0,-300,0,-300,-300,-300,47,26316,5,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5782",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,35,4395,4,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5783",0,0,0,0,0,500,200,500,200,200,5200,46,7680,5,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,200,0,1,0,0,0,0,0,0,0,0,0,1,0 +"5784",0,0,80000,35000,45000,1000,1000,1000,1000,46000,54000,63,24057,3,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5785",0,0,0,0,0,0,0,0,0,0,0,33,21960,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5786",0,0,0,0,0,10,-4240,10,-4240,-4240,-4240,38,33855,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-4240,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5787",0,0,100000,19600,80400,1086,-10914,1086,-10914,69486,69486,59,23808,2,9,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-10914,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5788",0,0,50000,40000,10000,0,0,0,0,10000,10000,28,15708,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5789",0,0,50000,30000,20000,200,200,200,200,20200,32361,54,25380,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5790",0,0,52000,47500,4500,2500,-3250,2500,-3250,1250,1250,32,29940,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3250,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5791",0,0,40000,22000,18000,75,-1925,75,-1925,16075,17925,56,14703,1,10,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-1925,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5792",0,0,0,0,0,20300,15800,20300,15800,15800,15800,32,86280,4,12,1,1,1,1,1,0,0,0,0,1,0,0,7,2,0.4347773,15800,0,0,0,0,0,0,0,1,0,1,0,0,0 +"5793",0,0,60000,52000,8000,4843,-2157,4843,-2157,5843,23843,41,70275,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2157,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5794",0,0,0,0,0,110,110,110,110,110,7110,30,25380,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,110,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5795",13631,0,115000,86000,29000,121965,121865,135596,135496,164496,164496,36,61446,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,135496,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5796",0,0,75000,68400,6600,3000,2000,3000,2000,8600,12975,44,30861,4,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5797",0,0,50000,48000,2000,18839,17139,18839,17139,19139,19139,58,34089,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,17139,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5798",0,0,0,0,0,350,350,350,350,350,350,25,14079,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5799",0,0,0,0,0,0,0,0,0,0,750,48,10200,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5800",0,0,0,0,0,0,0,0,0,0,3136,29,13500,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5801",0,0,5800,0,5800,12999,12999,12999,12999,18799,25649,35,16140,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,12999,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5802",0,0,0,0,0,499,499,499,499,499,999,49,10215,4,5,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,499,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5803",10000,0,150000,0,150000,6550,6550,16550,16550,166550,166550,36,67320,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,16550,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5804",0,0,57000,45000,12000,1650,-14450,1650,-14450,-2450,-950,32,29550,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-14450,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5805",0,0,0,0,0,1000,1000,1000,1000,1000,7200,27,54000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.3169526,1000,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5806",0,0,60000,45000,15000,300,-3400,300,-3400,11600,12900,35,22110,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5807",0,0,0,0,0,350,-6650,350,-6650,-6650,7411,37,18000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-6650,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5808",0,0,0,0,0,50,-1190,50,-1190,-1190,5310,25,16302,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-1190,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5809",0,0,90000,70000,20000,4475,2475,4475,2475,22475,23475,33,35400,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,2475,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5810",0,0,9000,0,9000,5,-150,5,-150,8850,14092,45,15054,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-150,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5811",18500,0,175000,0,175000,117073,117073,135573,135573,310573,310573,53,106956,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,135573,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5812",0,0,70000,36000,34000,1200,-18600,1200,-18600,15400,19400,39,63294,5,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-18600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5813",0,0,0,0,0,0,-5000,0,-5000,-5000,24000,38,56430,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-5000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"5814",0,0,110000,106000,4000,1500,-9400,1500,-9400,-5400,15600,27,59331,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9400,1,0,0,0,0,0,1,0,1,0,0,0,0 +"5815",67831,0,250000,115000,135000,266968,168500,334799,236331,371331,726456,50,65901,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,236331,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5816",0,0,0,0,0,100,-11900,100,-11900,-11900,-6700,39,7470,1,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-11900,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5817",0,0,45000,0,45000,199,173,199,173,45173,45173,57,14292,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,173,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5818",0,0,0,0,0,264,-86,264,-86,-86,4137,27,15852,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-86,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5819",30000,0,110000,50000,60000,10723,7623,40723,37623,97623,172623,52,17106,4,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,37623,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5820",5000,0,85000,56000,29000,67200,67057,72200,72057,101057,114057,47,74670,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,72057,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5821",0,0,62000,28000,34000,6200,6200,6200,6200,40200,56200,25,37425,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6200,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5822",0,0,25000,25000,0,99,99,99,99,99,99,50,25251,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,99,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5823",0,0,44000,0,44000,24000,21600,24000,21600,65600,65600,37,56085,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,21600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5824",0,0,80000,8000,72000,999,-5101,999,-5101,66899,69699,37,32631,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-5101,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5825",0,0,0,0,0,2250,-8750,2250,-8750,-8750,-6020,42,33480,2,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-8750,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5826",0,0,0,0,0,3000,0,3000,0,0,6550,44,79041,1,16,1,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4394569,0,0,0,0,0,0,0,0,1,0,0,1,0,0 +"5827",0,0,0,0,0,0,-400,0,-400,-400,100,49,10713,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5828",0,0,25000,16500,8500,28,28,28,28,8528,11953,43,7542,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,28,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5829",0,0,58000,32500,25500,0,0,0,0,25500,25500,34,10056,7,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5830",5132,0,100000,80000,20000,1100,-900,6232,4232,24232,112232,47,30075,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,4232,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5831",0,0,10000,10000,0,0,-273,0,-273,-273,-273,39,7806,4,9,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.062312,-273,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5832",0,0,60000,48000,12000,10300,10300,10300,10300,22300,22300,40,16875,4,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3623197,10300,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5833",0,0,28500,28500,0,850,-1050,850,-1050,-1050,5950,36,26952,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5834",0,0,95000,0,95000,43000,41302,43000,41302,136302,136302,63,46122,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,41302,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5835",3175,0,90000,69000,21000,25799,25799,28974,28974,49974,49974,36,9933,4,18,0,1,0,1,1,0,0,1,0,0,0,1,1,4,0.2088342,28974,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5836",7800,0,85000,0,85000,7488,7308,15288,15108,100108,110108,55,23484,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,15108,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5837",0,0,75000,51000,24000,800,-5000,800,-5000,19000,35000,25,27480,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-5000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5838",0,0,40000,18000,22000,70,-8770,70,-8770,13230,27229,30,25422,4,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-8770,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5839",0,0,150000,48000,102000,7600,7600,7600,7600,109600,112175,43,26580,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,7600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5840",0,0,54000,47500,6500,800,-21700,800,-21700,-15200,-12750,38,42378,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-21700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5841",0,0,0,0,0,125,-75,125,-75,-75,425,27,8103,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-75,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5842",0,0,5000,8000,-3000,0,0,0,0,-3000,-3000,37,9600,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"5843",0,0,36000,36000,0,50,50,50,50,50,2825,32,9144,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,50,1,1,0,0,0,0,0,0,0,1,0,0,0 +"5844",0,0,58000,30000,28000,0,-5055,0,-5055,22945,22945,59,9078,2,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-5055,1,1,0,0,0,0,0,0,0,0,0,0,1 +"5845",0,0,60000,30000,30000,6000,4500,6000,4500,34500,34826,37,44316,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5846",0,0,63000,46000,17000,6268,5634,6268,5634,22634,29090,36,24000,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,5634,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5847",50000,0,300000,52000,248000,60000,59200,110000,109200,357200,405796,54,46839,2,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,109200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5848",0,0,0,0,0,1015,15,1015,15,15,2758,42,13851,4,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,15,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5849",0,0,0,0,0,100,100,100,100,100,3779,35,40572,1,8,1,0,1,0,1,0,0,0,1,0,0,0,5,1,0.5231876,100,0,0,0,0,0,1,0,0,0,1,0,0,0 +"5850",0,0,0,0,0,0,-5350,0,-5350,-5350,2150,29,34923,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-5350,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5851",0,0,95000,45800,49200,264,-1886,264,-1886,47314,47314,37,23193,7,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1886,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5852",0,0,0,0,0,100,100,100,100,100,18100,31,28800,8,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5853",73000,0,280000,0,280000,43000,42500,116000,115500,395500,719500,62,61680,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,115500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5854",16000,0,165000,67000,98000,10000,8500,26000,24500,122500,127600,45,90300,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,24500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5855",0,0,0,0,0,950,-2550,950,-2550,-2550,8650,46,36369,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-2550,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5856",20000,0,80000,0,80000,20299,10299,40299,30299,110299,120361,55,23160,4,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,30299,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5857",500,0,0,0,0,50172,50072,50672,50572,50572,52884,25,57147,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5500422,50572,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5858",0,0,0,0,0,1799,1799,1799,1799,1799,1799,54,53133,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1799,0,0,0,0,0,0,1,0,0,0,0,1,0 +"5859",32000,0,115000,60000,55000,166269,165469,198269,197469,252469,272469,50,76395,3,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,197469,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5860",0,0,65000,48000,17000,849,409,849,409,17409,17409,34,27345,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,409,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5861",0,0,113000,90000,23000,444,44,444,44,23044,23044,46,72099,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,44,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5862",0,0,80000,57500,22500,600,-12600,600,-12600,9900,16400,59,37992,7,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-12600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"5863",19000,0,73000,64000,9000,16999,16499,35999,35499,44499,45999,27,77781,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,35499,1,0,0,0,0,0,0,1,1,0,0,0,0 +"5864",0,0,20000,10000,10000,0,0,0,0,10000,18340,42,14673,6,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5865",30000,0,95000,40000,55000,127075,127075,157075,157075,212075,220075,54,95634,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,157075,1,0,0,0,0,0,0,1,0,0,0,1,0 +"5866",0,0,0,0,0,0,0,0,0,0,0,36,25866,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5867",29000,0,60000,32000,28000,5000,5000,34000,34000,62000,62000,64,19374,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,34000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5868",9745,0,35000,0,35000,11799,10949,21544,20694,55694,65694,56,47877,2,10,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,20694,1,0,0,0,0,1,0,0,0,0,0,0,1 +"5869",0,0,0,0,0,0,0,0,0,0,0,40,8031,2,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5870",0,0,300000,108500,191500,200,-5800,200,-5800,185700,190900,43,37215,2,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-5800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5871",0,0,65000,12000,53000,14600,14400,14600,14400,67400,67400,51,29820,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,14400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5872",0,0,0,0,0,0,-500,0,-500,-500,2850,29,62520,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-500,0,0,0,0,0,0,1,0,1,0,0,0,0 +"5873",0,0,0,0,0,0,0,0,0,0,500,37,18942,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5874",21000,0,52000,39500,12500,1940,-19060,22940,1940,14440,25440,53,39192,2,10,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,1940,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5875",0,0,100000,28000,72000,3800,3800,3800,3800,75800,79760,29,37704,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,3800,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5876",0,0,0,0,0,3500,-1500,3500,-1500,-1500,15375,46,96060,1,12,0,0,1,0,1,0,0,0,0,1,0,0,7,2,0.3201262,-1500,0,0,0,0,0,0,0,1,0,0,0,1,0 +"5877",0,0,0,0,0,20,20,20,20,20,20,25,18903,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,20,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5878",0,0,0,0,0,0,0,0,0,0,500,28,12750,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5879",0,0,0,0,0,200,-850,200,-850,-850,3655,31,35856,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5880",0,0,0,0,0,5300,3300,5300,3300,3300,16003,28,48288,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,3300,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5881",0,0,300000,65000,235000,47000,42500,47000,42500,277500,344978,57,87063,3,13,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,42500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"5882",0,0,75000,72000,3000,250,250,250,250,3250,3250,30,54744,4,13,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.6688337,250,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5883",0,0,0,0,0,0,-2000,0,-2000,-2000,2053,46,15540,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5884",0,0,70000,36000,34000,14999,14999,14999,14999,48999,48999,34,51408,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,14999,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5885",0,0,35000,25000,10000,854,-5646,854,-5646,4354,12854,29,20400,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-5646,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5886",0,0,190000,150000,40000,500,-5500,500,-5500,34500,34500,49,74310,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5887",20000,0,50000,0,50000,1800,1550,21800,21550,71550,81550,61,28926,5,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,21550,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5888",0,0,0,0,0,5500,5300,5500,5300,5300,5300,27,23550,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,5300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5889",0,0,0,0,0,52,-948,52,-948,-948,-948,57,13608,2,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-948,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5890",0,0,0,0,0,0,0,0,0,0,0,28,5280,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5891",0,0,35000,29821,5179,7050,2050,7050,2050,7229,7229,38,24888,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,2050,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5892",0,0,20000,28800,-8800,80,-34382,80,-34382,-43182,-42182,27,11025,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-34382,1,0,1,0,0,0,0,0,1,0,0,0,0 +"5893",0,0,0,0,0,0,0,0,0,0,0,37,6309,7,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5894",0,0,65000,38200,26800,2749,1799,2749,1799,28599,28599,44,23787,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,1799,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5895",0,0,0,0,0,0,0,0,0,0,5000,28,37680,3,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5896",0,0,35000,25200,9800,300,-4500,300,-4500,5300,12300,38,38349,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5897",0,0,0,0,0,0,0,0,0,0,0,25,5820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5898",0,0,35000,9000,26000,3000,-500,3000,-500,25500,33175,63,20322,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5899",0,0,0,0,0,0,-2625,0,-2625,-2625,-2625,31,16680,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2625,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5900",0,0,0,0,0,3000,-1500,3000,-1500,-1500,11000,38,11400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5901",0,0,30000,25000,5000,1949,-2051,1949,-2051,2949,2949,35,33759,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2051,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5902",0,0,5000,0,5000,0,0,0,0,5000,10721,34,34680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5903",0,0,0,0,0,32649,32649,32649,32649,32649,33649,53,32049,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,32649,0,0,0,0,1,0,0,0,0,0,0,1,0 +"5904",15000,0,68000,0,68000,17600,11000,32600,26000,94000,97800,61,54192,2,14,1,1,0,0,1,0,0,1,0,0,1,0,6,3,0.7130944,26000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5905",0,0,65000,0,65000,15,-1985,15,-1985,63015,65015,29,22440,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1985,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5906",26000,0,200000,75000,125000,70600,70600,96600,96600,221600,343600,44,127200,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,96600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5907",24000,0,165000,147000,18000,40000,40000,64000,64000,82000,82000,34,38400,3,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,64000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5908",3300,0,80000,67400,12600,7971,3671,11271,6971,19571,32871,32,74862,3,18,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6971,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5909",0,0,133900,48000,85900,22499,22499,22499,22499,108399,114574,53,37800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,22499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5910",58000,0,190000,80000,110000,25000,24250,83000,82250,192250,192250,40,86400,5,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,82250,1,0,0,0,0,0,0,1,0,0,1,0,0 +"5911",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,44,42024,4,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-1200,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5912",0,0,70000,44000,26000,5,-295,5,-295,25705,25705,32,25500,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-295,1,0,0,1,0,0,0,0,0,1,0,0,0 +"5913",0,0,68000,64000,4000,2650,-2675,2650,-2675,1325,1325,29,33075,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2675,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5914",0,0,0,0,0,2950,2924,2950,2924,2924,6774,27,16860,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2924,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5915",0,0,0,0,0,0,0,0,0,0,500,41,13572,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5916",13000,0,98000,0,98000,11200,11200,24200,24200,122200,124200,41,49956,4,18,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,24200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5917",0,0,0,0,0,129,-6831,129,-6831,-6831,-3481,44,21288,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-6831,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5918",13000,0,80000,25000,55000,16049,15359,29049,28359,83359,94534,47,36768,2,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,28359,1,0,0,0,1,0,0,0,0,0,0,1,0 +"5919",0,0,300000,150000,150000,4150,4150,4150,4150,154150,160150,33,73680,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5920",0,0,0,0,0,15,15,15,15,15,3740,28,18360,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5921",18000,0,180000,0,180000,13498,13498,31498,31498,211498,211498,59,55356,4,9,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,31498,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5922",0,0,40000,40000,0,0,0,0,0,0,2000,32,10176,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5923",0,0,150000,108000,42000,1300,100,1300,100,42100,42100,52,21090,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5924",0,0,0,0,0,0,0,0,0,0,0,39,11808,5,5,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5925",0,0,0,0,0,1499,1299,1499,1299,1299,1299,43,24090,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,1299,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5926",0,0,8000,0,8000,4,-226,4,-226,7774,8774,43,10560,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-226,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5927",0,0,0,0,0,700,100,700,100,100,6525,31,38802,6,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5928",0,0,52000,47700,4300,22356,21356,22356,21356,25656,29756,30,37161,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,21356,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5929",0,0,0,0,0,0,0,0,0,0,1500,45,10200,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5930",0,0,0,0,0,500,-5500,500,-5500,-5500,-3834,36,25200,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-5500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5931",0,0,70000,35000,35000,100,-100,100,-100,34900,35400,51,16968,4,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"5932",0,0,0,0,0,10499,1594,10499,1594,1594,1594,30,57585,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1594,0,0,0,0,0,0,1,0,0,1,0,0,0 +"5933",0,0,0,0,0,0,0,0,0,0,0,27,11940,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5934",0,0,160000,133500,26500,30249,18149,30249,18149,44649,149649,40,31785,6,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,18149,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5935",0,0,0,0,0,0,-2880,0,-2880,-2880,120,32,9033,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-2880,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5936",0,0,130000,35000,95000,18700,17700,18700,17700,112700,112700,55,71757,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,17700,1,0,0,0,0,0,1,0,0,0,0,0,1 +"5937",0,0,0,0,0,0,-800,0,-800,-800,700,27,8364,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-800,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5938",0,0,0,0,0,5061,4124,5061,4124,4124,4624,33,16458,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4124,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5939",0,0,0,0,0,1700,500,1700,500,500,500,31,15840,5,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5940",0,0,0,0,0,7000,6800,7000,6800,6800,6800,25,20508,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,6800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"5941",0,0,0,0,0,873,-4827,873,-4827,-4827,-4827,26,47652,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4827,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5942",0,0,75000,56000,19000,50,-3450,50,-3450,15550,17150,33,30864,7,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-3450,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5943",3000,0,0,0,0,0,0,3000,3000,3000,3500,31,8784,5,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1173758,3000,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5944",0,0,0,0,0,728,268,728,268,268,268,34,29205,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,268,0,0,0,1,0,0,0,0,0,1,0,0,0 +"5945",0,0,50000,0,50000,30,-870,30,-870,49130,54380,55,15930,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-870,1,0,1,0,0,0,0,0,0,0,0,0,1 +"5946",0,0,110000,40000,70000,3765,-6235,3765,-6235,63765,105765,42,33726,3,14,1,1,0,0,1,0,0,0,0,0,1,0,4,3,0.5297047,-6235,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5947",0,0,45000,18000,27000,425,-5575,425,-5575,21425,21425,38,31206,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-5575,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5948",0,0,0,0,0,95,-105,95,-105,-105,-105,38,42684,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-105,0,0,0,0,0,1,0,0,0,0,1,0,0 +"5949",0,0,130000,105000,25000,7900,5673,7900,5673,30673,30673,45,54738,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5673,1,0,0,0,0,0,1,0,0,0,0,1,0 +"5950",0,0,0,0,0,702,-14758,702,-14758,-14758,-14758,47,28866,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-14758,0,0,0,1,0,0,0,0,0,0,0,1,0 +"5951",0,0,96000,89000,7000,3000,500,3000,500,7500,9575,33,30192,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"5952",0,0,144000,144000,0,449,-13551,449,-13551,-13551,-7551,34,62703,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-13551,1,0,0,0,0,0,1,0,0,1,0,0,0 +"5953",0,0,30000,17000,13000,5700,5020,5700,5020,18020,19270,43,10980,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,5020,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5954",0,0,8000,0,8000,398,-1002,398,-1002,6998,11473,32,10164,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1002,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5955",2000,0,50000,45000,5000,16500,16500,18500,18500,23500,44175,30,42150,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,18500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"5956",0,0,0,0,0,200,200,200,200,200,1700,28,14400,2,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5957",0,0,0,0,0,1100,740,1100,740,740,2740,28,16830,1,13,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,740,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5958",0,0,0,0,0,8000,8000,8000,8000,8000,8000,57,12555,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,8000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5959",0,0,40000,36000,4000,237,-4918,237,-4918,-918,-918,42,28377,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4918,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5960",0,0,27000,23000,4000,20,-2480,20,-2480,1520,2020,34,16647,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2480,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5961",18000,0,180000,0,180000,12100,12100,30100,30100,210100,220100,63,26055,2,12,1,1,0,0,1,0,0,1,0,1,0,0,3,2,0.3788275,30100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5962",0,0,0,0,0,30,-62,30,-62,-62,-62,31,9096,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-62,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5963",0,0,0,0,0,60,-4940,60,-4940,-4940,-3344,38,20817,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4940,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5964",2000,0,0,0,0,1499,-43101,3499,-41101,-41101,-34601,52,100086,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,-41101,0,0,0,0,0,0,0,1,0,0,0,1,0 +"5965",0,0,0,0,0,5800,-1000,5800,-1000,-1000,9000,27,41925,2,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-1000,0,0,0,0,0,1,0,0,1,0,0,0,0 +"5966",4500,0,150000,38000,112000,500,-900,5000,3600,115600,119961,42,40740,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,3600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"5967",0,0,0,0,0,2618,-2482,2618,-2482,-2482,16518,33,36051,5,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-2482,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5968",0,0,35000,32000,3000,110,-2279,110,-2279,721,3146,41,13689,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2279,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5969",0,0,0,0,0,0,0,0,0,0,0,27,10200,2,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5970",0,0,0,0,0,0,-7000,0,-7000,-7000,-7000,38,8130,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-7000,0,1,0,0,0,0,0,0,0,0,1,0,0 +"5971",0,0,275000,0,275000,100,100,100,100,275100,277500,48,23412,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5972",4000,0,27500,0,27500,26000,26000,30000,30000,57500,64725,31,12093,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,30000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5973",0,0,65000,60000,5000,0,0,0,0,5000,10950,26,30600,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,0,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5974",0,0,0,0,0,200,-800,200,-800,-800,200,30,16560,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"5975",0,0,0,0,0,300,-6200,300,-6200,-6200,-6200,34,36120,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-6200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5976",7500,0,57000,17900,39100,1300,-4200,8800,3300,42400,51075,40,19548,3,16,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,3300,1,0,1,0,0,0,0,0,0,0,1,0,0 +"5977",0,0,0,0,0,999,999,999,999,999,1999,27,12660,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,999,0,0,1,0,0,0,0,0,1,0,0,0,0 +"5978",0,0,0,0,0,510,-5490,510,-5490,-5490,-2990,42,30000,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-5490,0,0,0,0,1,0,0,0,0,0,1,0,0 +"5979",0,0,26500,26500,0,1000,1000,1000,1000,1000,1500,34,11730,2,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,1000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"5980",0,0,0,0,0,2600,2600,2600,2600,2600,5100,37,28236,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,2600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"5981",0,0,0,0,0,0,0,0,0,0,0,32,6030,3,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"5982",0,0,150000,126000,24000,52150,52150,52150,52150,76150,89850,41,59400,1,12,1,0,0,0,1,0,0,0,0,1,0,0,6,2,0.7472324,52150,1,0,0,0,0,0,1,0,0,0,1,0,0 +"5983",0,0,80000,67500,12500,120,-8880,120,-8880,3620,3620,57,25200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8880,1,0,0,1,0,0,0,0,0,0,0,0,1 +"5984",0,0,0,0,0,205,205,205,205,205,955,56,14730,1,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,205,0,0,1,0,0,0,0,0,0,0,0,0,1 +"5985",0,0,150000,78000,72000,100,-3400,100,-3400,68600,70250,43,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5986",0,0,0,0,0,6807,6807,6807,6807,6807,7113,46,11856,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6807,0,0,1,0,0,0,0,0,0,0,0,1,0 +"5987",0,0,150000,25000,125000,1100,1100,1100,1100,126100,126100,45,41886,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,1100,1,0,0,0,0,1,0,0,0,0,0,1,0 +"5988",0,0,58000,58000,0,1500,-17900,1500,-17900,-17900,-14900,40,29190,5,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-17900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5989",0,0,2000,15600,-13600,60,-9840,60,-9840,-23440,-17709,28,31440,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-9840,1,0,0,0,1,0,0,0,1,0,0,0,0 +"5990",0,0,0,0,0,50,0,50,0,0,0,43,10800,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5991",0,0,0,0,0,0,0,0,0,0,0,41,12471,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"5992",0,0,0,0,0,1700,1700,1700,1700,1700,1700,26,33672,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,1700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"5993",0,0,0,0,0,1100,-6600,1100,-6600,-6600,-4100,34,34932,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-6600,0,0,0,0,1,0,0,0,0,1,0,0,0 +"5994",0,0,0,0,0,400,400,400,400,400,18400,26,5268,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,400,0,1,0,0,0,0,0,0,1,0,0,0,0 +"5995",0,0,76000,68000,8000,5000,5000,5000,5000,13000,14000,27,29676,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,5000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"5996",0,0,60000,33000,27000,31999,31999,31999,31999,58999,60132,46,26022,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,31999,1,0,0,1,0,0,0,0,0,0,0,1,0 +"5997",11528,0,55000,36000,19000,999,999,12527,12527,31527,31527,37,36852,4,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,12527,1,0,0,0,1,0,0,0,0,0,1,0,0 +"5998",0,0,275000,130000,145000,8000,6000,8000,6000,151000,215461,39,21945,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,6000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"5999",0,0,0,0,0,0,0,0,0,0,0,33,54144,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,0,0,0,0,0,0,0,1,0,0,1,0,0,0 +"6000",0,0,82000,0,82000,0,-5770,0,-5770,76230,76230,30,29820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-5770,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6001",0,0,100000,70000,30000,6800,4200,6800,4200,34200,37866,41,48336,2,17,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6002",0,0,18000,0,18000,5509,5509,5509,5509,23509,23509,27,36675,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5509,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6003",60000,0,115000,0,115000,4849,-5151,64849,54849,169849,181849,63,41448,2,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,54849,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6004",0,0,0,0,0,300,300,300,300,300,2800,32,9600,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6005",2500,0,115000,70000,45000,9500,8500,12000,11000,56000,65025,43,45549,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,11000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6006",0,0,0,0,0,480,-420,480,-420,-420,-420,30,30951,3,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-420,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6007",40000,0,300000,150000,150000,149100,144100,189100,184100,334100,464100,61,97044,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,184100,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6008",0,0,65000,35000,30000,1000,1000,1000,1000,31000,31000,37,52020,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6009",0,0,99000,74100,24900,1800,-1600,1800,-1600,23300,41300,26,52320,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6010",0,0,25000,0,25000,2700,2700,2700,2700,27700,27700,58,41919,2,10,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6011",0,0,0,0,0,0,-200,0,-200,-200,1050,47,1200,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-200,0,1,0,0,0,0,0,0,0,0,0,1,0 +"6012",1100,0,112000,62000,50000,450,-1550,1550,-450,49550,53350,48,35970,4,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,-450,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6013",0,0,0,0,0,1850,-150,1850,-150,-150,1516,43,41139,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,-150,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6014",2046,0,1000,0,1000,17000,17000,19046,19046,20046,21771,41,10998,1,13,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,19046,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6015",18000,0,50000,48000,2000,15000,14600,33000,32600,34600,134600,38,61362,5,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,32600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6016",0,0,0,0,0,15000,14850,15000,14850,14850,39850,39,28980,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,14850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6017",0,0,84000,0,84000,23309,23309,23309,23309,107309,107309,60,45549,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,23309,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6018",0,0,30000,20000,10000,0,-2000,0,-2000,8000,10500,44,44268,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6019",0,0,43000,39900,3100,122,-768,122,-768,2332,6832,33,27486,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-768,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6020",0,0,140000,30000,110000,79598,79448,89598,89448,199448,276448,50,99810,5,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,79448,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6021",0,0,25000,17947,7053,1500,1500,1500,1500,8553,9053,44,25527,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6022",0,0,185000,150000,35000,6174,3174,6174,3174,38174,46069,28,52530,3,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,3174,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6023",0,0,6000,0,6000,82,52,82,52,6052,6052,30,25878,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,52,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6024",0,0,275000,32000,243000,8450,8100,8450,8100,251100,429100,50,84600,7,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,8100,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6025",900,0,65000,57500,7500,1100,700,2000,1600,9100,16100,35,39861,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,1600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6026",20000,0,68000,36000,32000,3900,-2100,23900,17900,49900,52150,43,23082,1,17,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,17900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6027",0,0,125000,18900,106100,50359,47359,50359,47359,153459,153459,49,38721,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,47359,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6028",0,0,0,0,0,0,-300,0,-300,-300,-300,37,13314,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6029",0,0,0,0,0,0,-400,0,-400,-400,6279,38,33192,2,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6030",0,0,0,0,0,0,0,0,0,0,3350,37,27675,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6031",20000,0,86000,53000,33000,3949,3949,23949,23949,56949,64949,46,54585,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,23949,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6032",16000,0,47000,32000,15000,11000,10900,27000,26900,41900,51900,37,49650,5,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,26900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6033",0,0,0,0,0,0,0,0,0,0,0,39,5469,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6034",2200,0,300000,150000,150000,7750,5750,64950,62950,212950,212950,40,99567,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,7950,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6035",0,0,0,0,0,975,-3725,975,-3725,-3725,10275,27,27657,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3725,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6036",0,0,25000,0,25000,0,-4108,0,-4108,20892,20892,44,13728,5,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-4108,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6037",0,0,0,0,0,200,200,200,200,200,200,40,30012,5,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,200,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6038",0,0,0,0,0,200,100,200,100,100,100,38,15384,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6039",0,0,0,0,0,2499,2499,2499,2499,2499,3889,31,36771,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,2499,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6040",0,0,0,0,0,12000,9000,12000,9000,9000,9000,46,139137,2,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.4347773,9000,0,0,0,0,0,0,0,1,0,0,0,1,0 +"6041",0,0,55000,30000,25000,0,0,0,0,25000,25000,51,36450,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6042",0,0,0,0,0,60,-440,60,-440,-440,-440,33,23400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6043",0,0,0,0,0,75,-225,75,-225,-225,575,44,42744,2,13,1,1,1,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-225,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6044",11400,0,0,0,0,3250,-750,14650,10650,10650,13050,30,25809,3,14,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2061994,10650,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6045",0,0,95000,85000,10000,1600,420,1600,420,10420,15420,27,41985,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,420,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6046",57000,0,300000,130000,170000,21500,17800,78500,74800,244800,374800,51,66573,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,74800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6047",0,0,8000,6000,2000,499,-7201,499,-7201,-5201,-4101,38,95955,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-7201,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6048",8000,0,100000,70000,30000,30016,29316,38016,37316,67316,70316,38,27813,3,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,37316,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6049",0,0,111000,111000,0,1500,-4500,1500,-4500,-4500,44500,49,32064,3,16,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6050",0,0,0,0,0,0,-550,0,-550,-550,-550,58,9180,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-550,0,1,0,0,0,0,0,0,0,0,0,0,1 +"6051",0,0,0,0,0,0,-3467,0,-3467,-3467,-3467,46,31200,2,12,0,0,1,1,1,0,0,0,0,1,0,0,4,2,0.3086649,-3467,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6052",0,0,25000,25000,0,4077,4077,4077,4077,4077,4577,30,25440,3,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,4077,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6053",0,0,55000,0,55000,1299,1299,1299,1299,56299,56299,43,23130,4,8,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,1299,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6054",10000,0,0,0,0,11000,10750,21000,20750,20750,109300,54,21948,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.5117899,20750,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6055",0,0,0,0,0,36,-14729,36,-14729,-14729,-14729,38,14100,5,18,0,1,1,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-14729,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6056",0,0,40000,22000,18000,899,899,899,899,18899,21899,40,27735,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,899,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6057",0,0,0,0,0,5000,4100,5000,4100,4100,55025,52,20700,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,4100,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6058",0,0,64000,64000,0,3200,3025,3200,3025,3025,5025,30,44169,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3025,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6059",0,0,0,0,0,0,-200,0,-200,-200,3804,27,15000,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6060",5000,0,125000,38900,86100,30999,29999,35999,34999,121099,123099,57,44589,8,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,34999,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6061",0,0,0,0,0,1900,1900,1900,1900,1900,1900,30,43293,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,1900,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6062",0,0,0,0,0,700,-2300,700,-2300,-2300,7714,34,22698,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6063",0,0,0,0,0,500,500,500,500,500,500,34,6537,4,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,500,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6064",0,0,0,0,0,12000,12000,12000,12000,12000,12000,38,44874,1,12,0,0,0,0,1,0,0,0,0,1,0,0,5,2,0.3055234,12000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6065",4000,0,0,0,0,5049,3549,9049,7549,7549,13349,55,22500,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,7549,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6066",0,0,0,0,0,1849,1849,1849,1849,1849,1849,28,29934,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,1849,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6067",0,0,0,0,0,1000,1000,1000,1000,1000,4350,53,7200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,1000,0,1,0,0,0,0,0,0,0,0,0,1,0 +"6068",0,0,0,0,0,100,-15900,100,-15900,-15900,-12567,28,29604,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-15900,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6069",0,0,55000,34000,21000,2015,2015,2015,2015,23015,23015,28,29283,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2015,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6070",0,0,0,0,0,200,-3200,200,-3200,-3200,-3200,56,12852,2,5,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-3200,0,0,1,0,0,0,0,0,0,0,0,0,1 +"6071",6000,0,0,0,0,31000,26000,37000,32000,32000,32000,45,80550,3,13,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.4888144,32000,0,0,0,0,0,0,0,1,0,0,0,1,0 +"6072",4200,0,210000,35000,175000,2299,2299,6499,6499,181499,187524,41,20535,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,6499,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6073",0,0,215000,100000,115000,6000,4000,6000,4000,119000,121666,31,100356,1,16,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,4000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6074",0,0,200000,50000,150000,17248,-2752,17248,-2752,147248,157148,61,49992,2,12,0,1,1,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-2752,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6075",1700,0,115000,111000,4000,3800,-400,5500,1300,5300,22300,35,55374,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,1300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6076",16000,0,180000,49000,131000,16500,10500,32500,26500,157500,159000,47,51150,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,26500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6077",0,0,50000,35000,15000,0,-500,0,-500,14500,14500,43,51447,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6078",0,0,0,0,0,1400,-550,1400,-550,-550,2800,31,17679,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-550,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6079",0,0,0,0,0,0,-5000,0,-5000,-5000,-1075,43,22410,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-5000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6080",0,0,50000,43900,6100,2010,2010,2010,2010,8110,8110,48,29238,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2010,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6081",0,0,0,0,0,5460,-2847,5460,-2847,-2847,-2847,42,45453,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-2847,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6082",0,0,130000,75000,55000,12205,12205,12205,12205,67205,97205,42,42813,4,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,12205,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6083",0,0,0,0,0,5000,5000,5000,5000,5000,5000,35,37167,2,16,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5896286,5000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6084",0,0,20000,0,20000,244,-306,244,-306,19694,21019,49,13491,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-306,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6085",0,0,0,0,0,0,-1329,0,-1329,-1329,-829,38,12915,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1329,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6086",1000,0,0,0,0,3000,3000,4000,4000,4000,4000,27,30300,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,4000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6087",0,0,0,0,0,288,288,288,288,288,3288,29,14274,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,288,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6088",0,0,0,0,0,145,145,145,145,145,3495,50,15414,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,145,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6089",0,0,50000,38000,12000,400,400,400,400,12400,14900,41,24498,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6090",0,0,0,0,0,200,133,200,133,133,133,49,56253,3,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5000061,133,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6091",0,0,0,0,0,10,10,10,10,10,2010,34,7329,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,10,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6092",0,0,50000,50000,0,700,-11000,700,-11000,-11000,-2200,30,36639,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-11000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6093",0,0,0,0,0,831,831,831,831,831,3884,27,6732,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,831,0,1,0,0,0,0,0,0,1,0,0,0,0 +"6094",0,0,0,0,0,67,67,67,67,67,67,44,11262,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,67,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6095",0,0,120000,15000,105000,0,0,0,0,105000,112000,37,32679,4,13,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6096",0,0,0,0,0,0,-95,0,-95,-95,1255,27,15600,3,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-95,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6097",4000,0,95000,24000,71000,100,-1700,4100,2300,73300,85300,57,21675,4,12,0,1,1,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6098",0,0,80000,49500,30500,1571,1371,1571,1371,31871,31871,34,30534,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1371,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6099",0,0,60000,59000,1000,10009,5009,10009,5009,6009,6509,27,34200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,5009,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6100",0,0,5500,0,5500,14,14,14,14,5514,7914,25,3723,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,14,1,1,0,0,0,0,0,0,1,0,0,0,0 +"6101",0,0,0,0,0,350,350,350,350,350,883,45,7596,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,350,0,1,0,0,0,0,0,0,0,0,0,1,0 +"6102",0,0,0,0,0,70,-2030,70,-2030,-2030,-1530,30,7650,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2030,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6103",17900,0,150000,0,150000,54449,53928,72349,71828,221828,221828,58,70992,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,71828,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6104",0,0,0,0,0,200,-5800,200,-5800,-5800,-5800,28,22806,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6105",0,0,111000,28000,83000,1500,1500,1500,1500,84500,84500,60,32481,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6106",0,0,0,0,0,1000,-9000,1000,-9000,-9000,-9000,37,45426,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-9000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6107",0,0,80000,79000,1000,349,-3651,349,-3651,-2651,349,31,19812,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3651,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6108",0,0,0,0,0,9349,-14551,9349,-14551,-14551,-5551,36,104343,3,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,-14551,0,0,0,0,0,0,0,1,0,0,1,0,0 +"6109",4000,0,56000,0,56000,1300,-700,5300,3300,59300,59300,50,34164,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,3300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6110",15000,0,200000,0,200000,0,0,15000,15000,215000,215000,40,28650,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,15000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6111",0,0,240000,150000,90000,16500,4500,16500,4500,94500,107000,35,93129,4,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,4500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6112",42818,0,130000,88000,42000,20000,20000,62818,62818,104818,176818,38,53925,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,62818,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6113",0,0,240000,150000,90000,215750,215750,215750,215750,305750,305750,41,66018,3,16,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,215750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6114",0,0,0,0,0,0,0,0,0,0,0,25,36546,1,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6115",0,0,0,0,0,0,0,0,0,0,0,25,26520,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6116",0,0,150000,55000,95000,800,-1200,800,-1200,93800,93800,34,36225,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6117",0,0,40000,35000,5000,3750,1750,3750,1750,6750,6750,52,28776,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1750,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6118",0,0,0,0,0,0,0,0,0,0,0,33,4845,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6119",0,0,0,0,0,65,-835,65,-835,-835,8015,26,18006,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-835,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6120",0,0,40000,4700,35300,120,-389,120,-389,34911,35461,37,21381,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-389,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6121",0,0,0,0,0,0,-10650,0,-10650,-10650,-10650,26,44034,2,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-10650,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6122",0,0,46000,0,46000,800,650,800,650,46650,47400,38,15612,3,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,650,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6123",0,0,0,0,0,1699,-1301,1699,-1301,-1301,4699,25,24177,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1301,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6124",0,0,50000,4500,45500,12599,12599,12599,12599,58099,65599,43,33366,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,12599,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6125",0,0,60000,0,60000,0,0,0,0,60000,60000,46,7668,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 +"6126",0,0,0,0,0,854,-4146,854,-4146,-4146,-2746,32,17034,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4146,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6127",0,0,0,0,0,59,59,59,59,59,59,37,12003,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,59,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6128",0,0,25000,25000,0,12000,12000,12000,12000,12000,14500,30,19932,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,12000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6129",0,0,0,0,0,0,0,0,0,0,1132,28,13260,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6130",6000,0,73000,65000,8000,500,-3100,6500,2900,10900,13233,43,44418,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,2900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6131",12000,0,195000,100000,95000,16250,15000,28250,27000,122000,132679,58,28476,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,27000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6132",5000,0,0,0,0,5799,5569,10799,10569,10569,13919,64,17604,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3268128,10569,0,0,1,0,0,0,0,0,0,0,0,0,1 +"6133",0,0,0,0,0,150,100,150,100,100,2100,37,32427,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6134",0,0,36000,28000,8000,0,-3060,0,-3060,4940,4940,25,36000,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-3060,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6135",0,0,0,0,0,0,-130,0,-130,-130,1370,33,24024,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-130,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6136",0,0,14000,16000,-2000,3200,2800,3200,2800,800,5100,31,12870,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,2800,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6137",2160,0,70000,0,70000,300,-150,2460,2010,72010,98460,46,20715,4,9,1,0,0,0,1,0,0,1,1,0,0,0,3,1,0.4720998,2010,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6138",0,0,0,0,0,6000,6000,6000,6000,6000,6000,39,41475,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,6000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6139",0,0,65000,27000,38000,1200,-1300,1200,-1300,36700,37450,58,17340,1,1,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-1300,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6140",0,0,300000,150000,150000,4500,1700,4500,1700,151700,151760,45,45270,4,11,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,1700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6141",0,0,0,0,0,0,0,0,0,0,0,44,12858,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6142",0,0,175000,101000,74000,2500,100,2500,100,74100,74100,37,27720,5,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6143",0,0,0,0,0,2100,-4900,2100,-4900,-4900,2100,42,34785,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-4900,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6144",0,0,32700,32700,0,140,-2010,140,-2010,-2010,-2010,26,27960,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2010,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6145",27000,0,230000,0,230000,78300,78070,105300,105070,335070,531445,53,20661,5,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,105070,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6146",13300,0,100000,22000,78000,1500,-4500,14800,8800,86800,169300,59,19725,5,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,8800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6147",4000,0,0,0,0,3000,2650,7000,6650,6650,10000,64,17616,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,6650,0,0,1,0,0,0,0,0,0,0,0,0,1 +"6148",0,0,76000,0,76000,2800,2500,2800,2500,78500,78500,47,47802,6,6,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6149",0,0,0,0,0,0,0,0,0,0,0,34,11520,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6150",0,0,0,0,0,95,95,95,95,95,595,28,28293,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,95,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6151",0,0,130000,101200,28800,72475,72475,72475,72475,101275,291675,48,43866,2,9,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,72475,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6152",0,0,0,0,0,650,-11600,650,-11600,-11600,-10900,33,41925,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-11600,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6153",0,0,0,0,0,400,-7600,400,-7600,-7600,-2600,25,28335,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-7600,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6154",0,0,0,0,0,200,-3800,200,-3800,-3800,-3800,27,22950,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6155",30000,0,90000,85000,5000,40000,33700,70000,63700,68700,82700,41,58800,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,63700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6156",12000,0,40000,0,40000,1109,889,13109,12889,52889,52889,59,15984,4,14,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,12889,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6157",0,0,20000,4500,15500,1000,779,1000,779,16279,20279,39,13011,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,779,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6158",0,0,85000,45000,40000,9599,9599,9599,9599,49599,57778,49,143067,1,16,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,9599,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6159",10500,0,0,0,0,1000,-1500,11500,9000,9000,9725,53,19200,2,15,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,9000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6160",0,0,40000,0,40000,1674,1674,1674,1674,41674,60949,41,21645,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1674,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6161",0,0,70000,0,70000,12175,12175,12175,12175,82175,82175,36,39579,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12175,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6162",0,0,200000,0,200000,0,-3200,0,-3200,196800,205800,41,93612,5,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-3200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6163",0,0,0,0,0,164,164,164,164,164,664,28,3711,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,164,0,1,0,0,0,0,0,0,1,0,0,0,0 +"6164",0,0,0,0,0,900,-2400,900,-2400,-2400,12975,39,26925,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6165",0,0,0,0,0,0,0,0,0,0,2300,57,9417,4,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"6166",0,0,0,0,0,0,0,0,0,0,0,37,5235,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6167",0,0,0,0,0,5599,3599,5599,3599,3599,3599,42,55740,5,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,3599,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6168",0,0,30000,0,30000,52200,51200,52200,51200,81200,107500,42,26016,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,51200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6169",0,0,0,0,0,0,0,0,0,0,0,37,28902,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6170",19500,0,130000,75000,55000,11499,11499,30999,30999,85999,85999,35,97752,3,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,30999,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6171",0,0,58000,13000,45000,0,-3450,0,-3450,41550,43550,61,11790,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-3450,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6172",0,0,60000,22016,37984,170,-1030,170,-1030,36954,36954,38,26382,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1030,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6173",0,0,0,0,0,500,-250,500,-250,-250,5061,32,26496,1,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-250,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6174",0,0,100000,0,100000,13670,11934,13670,11934,111934,111934,45,32490,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,11934,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6175",0,0,58000,0,58000,3700,3700,3700,3700,61700,63942,26,10404,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,3700,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6176",0,0,0,0,0,0,-400,0,-400,-400,7411,28,11832,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6177",0,0,60000,0,60000,3000,3000,3000,3000,63000,63000,53,30780,4,8,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,3000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6178",0,0,0,0,0,1999,1999,1999,1999,1999,7741,30,24600,1,7,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,1999,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6179",0,0,30000,30000,0,3660,3660,3660,3660,3660,37820,63,28272,4,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,3660,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6180",0,0,27000,22000,5000,3198,3178,3198,3178,8178,8178,34,17337,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,3178,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6181",0,0,75000,45000,30000,0,0,0,0,30000,34742,49,11898,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6182",0,0,0,0,0,800,-2200,800,-2200,-2200,-2200,32,22314,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6183",0,0,215000,115000,100000,1010,1010,1010,1010,101010,101010,29,76650,2,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1010,1,0,0,0,0,0,0,1,1,0,0,0,0 +"6184",0,0,0,0,0,5550,5550,5550,5550,5550,13650,35,37776,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,5550,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6185",0,0,45000,45000,0,99,99,99,99,99,99,41,19590,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,99,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6186",0,0,0,0,0,5000,4700,5000,4700,4700,4700,33,41637,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,4700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6187",0,0,0,0,0,28020,28020,28020,28020,28020,33562,34,12144,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,28020,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6188",0,0,36000,28000,8000,350,350,350,350,8350,9850,29,23940,3,11,1,1,1,1,1,0,0,0,1,0,0,0,3,1,0.3978536,350,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6189",0,0,0,0,0,0,0,0,0,0,500,29,8400,4,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 +"6190",0,0,150000,50000,100000,13323,13108,13323,13108,113108,130644,50,55314,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,13108,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6191",0,0,0,0,0,85,85,85,85,85,1585,44,969,2,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,85,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6192",0,0,40000,38000,2000,50,-150,50,-150,1850,2850,54,5400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-150,1,1,0,0,0,0,0,0,0,0,0,1,0 +"6193",0,0,225000,70000,155000,200,-600,200,-600,154400,167996,28,27108,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6194",0,0,45000,45000,0,499,499,499,499,499,499,38,11250,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,499,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6195",0,0,110000,65000,45000,26000,26000,26000,26000,71000,93500,45,69552,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6196",8000,0,0,0,0,2200,-7300,10200,700,700,2700,31,17040,3,15,0,1,0,1,1,0,0,1,0,0,1,0,2,3,0.118155,700,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6197",0,0,200000,0,200000,2199,-1001,2199,-1001,198999,201899,40,10260,6,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-1001,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6198",0,0,103000,72500,30500,350,-68850,350,-68850,-38350,-33108,31,11721,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-68850,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6199",0,0,150000,0,150000,500,-150,500,-150,149850,154850,64,23832,4,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-150,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6200",0,0,45000,40000,5000,750,-15550,750,-15550,-10550,-10550,54,32241,5,10,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,-15550,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6201",0,0,0,0,0,1000,200,1000,200,200,7661,29,18336,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6202",0,0,20000,10000,10000,100,100,100,100,10100,10100,26,15906,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6203",0,0,0,0,0,100,80,100,80,80,16080,48,19680,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,80,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6204",0,0,0,0,0,5,5,5,5,5,5,44,27720,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,5,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6205",0,0,150000,79500,70500,13609,10129,13609,10129,80629,93617,45,104814,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,10129,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6206",0,0,50000,48000,2000,0,0,0,0,2000,3000,42,10836,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6207",0,0,55000,41000,14000,0,0,0,0,14000,15000,29,18705,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6208",16260,0,55000,0,55000,13100,11700,29360,27960,82960,82960,53,29400,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,27960,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6209",0,0,45000,35000,10000,130,-4870,130,-4870,5130,5130,49,14421,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4870,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6210",12000,0,75000,0,75000,47019,44919,59019,56919,131919,136919,37,37302,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,56919,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6211",13000,0,300000,150000,150000,200000,-101000,213000,-88000,62000,462600,53,75012,2,15,0,1,1,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-88000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6212",0,0,65000,56155,8845,800,-4116,800,-4116,4729,4729,35,21306,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,-4116,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6213",0,0,175000,144000,31000,11,-5989,11,-5989,25011,25011,36,118599,4,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-5989,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6214",600,0,75000,74000,1000,28797,22797,29397,23397,24397,74397,26,63432,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,23397,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6215",0,0,0,0,0,220,220,220,220,220,220,43,45594,7,9,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.5995759,220,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6216",0,0,0,0,0,0,-557,0,-557,-557,6743,36,24060,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-557,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6217",0,0,0,0,0,300,-1600,300,-1600,-1600,2275,34,19380,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1600,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6218",0,0,0,0,0,6500,4500,6500,4500,4500,5000,38,19416,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,4500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6219",0,0,0,0,0,50,-250,50,-250,-250,37750,41,31800,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,-250,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6220",38033,0,50000,0,50000,52498,52498,90531,90531,140531,140531,64,35730,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,90531,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6221",0,0,300000,67000,233000,13000,13000,13000,13000,246000,246000,48,28422,6,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,13000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6222",25800,0,195000,117000,78000,20100,20100,45900,45900,123900,291900,64,38124,2,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,45900,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6223",0,0,0,0,0,0,0,0,0,0,0,35,4653,5,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6224",9000,0,0,0,0,9400,-22600,18400,-13600,-13600,-13600,33,38550,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,-13600,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6225",16000,0,20000,0,20000,36000,36000,52000,52000,72000,73000,61,13206,4,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,52000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6226",0,0,95000,31800,63200,10500,7500,10500,7500,70700,70700,60,43320,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,7500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6227",0,0,0,0,0,0,0,0,0,0,5600,31,2160,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"6228",0,0,45000,42000,3000,200,200,200,200,3200,6200,30,29772,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6229",0,0,75000,36000,39000,6000,1000,6000,1000,40000,48000,32,39780,3,16,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6230",0,0,89000,55000,34000,11100,10535,11100,10535,44535,60588,49,26679,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,10535,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6231",0,0,100000,60000,40000,1548,1348,1548,1348,41348,58101,56,82977,2,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,1348,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6232",0,0,0,0,0,0,-2803,0,-2803,-2803,-2803,26,17280,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2803,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6233",0,0,0,0,0,0,0,0,0,0,8500,55,32640,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,0,0,0,1 +"6234",0,330,0,0,0,2500,-14000,2830,-13670,-13670,13330,55,33738,2,17,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.2951996,-14000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"6235",0,0,0,0,0,3272,772,3272,772,772,2405,30,15486,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,772,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6236",0,17000,150000,10000,140000,961,-4039,17961,12961,152961,156386,52,24117,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-4039,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6237",0,0,0,0,0,6500,6055,6500,6055,6055,6055,38,55500,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,6055,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6238",20000,0,175000,30000,145000,3000,2500,23000,22500,167500,193203,50,58896,3,16,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,22500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6239",7000,0,135000,94000,41000,2200,-2300,9200,4700,45700,53700,38,42135,5,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,4700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6240",2200,7000,0,0,0,35088,32388,44288,41588,41588,46288,44,48252,1,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.6430668,34588,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6241",0,3000,0,0,0,1100,-16900,4100,-13900,-13900,-13400,60,39684,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-16900,0,0,0,0,1,0,0,0,0,0,0,0,1 +"6242",38000,10000,75000,0,75000,150200,149750,198200,197750,272750,286750,62,63786,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,187750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6243",7000,22000,290000,140000,150000,23300,21300,52300,50300,200300,375300,37,36417,5,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,28300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6244",400,0,65000,39000,26000,1100,-7900,1500,-7500,18500,20500,46,35310,4,13,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,-7500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6245",0,0,50000,0,50000,0,-10000,0,-10000,40000,40000,27,12480,2,12,1,1,0,1,1,1,0,0,0,1,0,0,2,2,0.3623197,-10000,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6246",0,3400,0,0,0,0,0,3400,3400,3400,3400,34,26739,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6247",0,0,0,0,0,5500,2500,5500,2500,2500,3250,39,45717,4,17,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,2500,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6248",2500,0,0,0,0,5045,3045,7545,5545,5545,6145,62,27684,2,14,0,1,0,0,1,1,0,1,0,0,1,0,3,3,0.2061994,5545,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6249",19000,65593,150000,50000,100000,3725,-5775,88318,78818,178818,178818,50,53112,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,13225,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6250",0,1000,0,0,0,0,-1000,1000,0,0,0,30,14280,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6251",5000,5000,50000,32000,18000,7125,7105,17125,17105,35105,41347,50,24624,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,12105,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6252",10233,7500,125530,92000,33530,6309,6309,24042,24042,57572,60572,36,70974,3,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,16542,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6253",8000,80000,300000,150000,150000,5000,-6630,93000,81370,231370,245870,37,115812,3,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,1370,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6254",0,0,120000,53000,67000,9800,-14700,9800,-14700,52300,65300,35,66225,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-14700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6255",30000,15000,200000,150000,50000,900,-1100,45900,43900,93900,172900,31,81000,3,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,28900,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6256",30000,0,300000,150000,150000,10000,6000,40000,36000,186000,186000,46,119196,4,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.7316045,36000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6257",2000,200,0,0,0,35600,31100,37800,33300,33300,45780,35,41574,2,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,33100,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6258",0,0,55000,41000,14000,3350,2950,3350,2950,16950,16950,54,46125,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,2950,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6259",30000,80000,100000,70000,30000,74448,74448,184448,184448,214448,426119,64,72558,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,104448,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6260",0,1300,86000,69000,17000,24000,23250,25300,24550,41550,53375,46,66576,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,23250,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6261",100,2800,70000,38700,31300,7540,540,10440,3440,34740,104240,49,30246,2,18,0,1,1,0,1,1,1,1,0,0,0,1,4,4,0.3524857,640,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6262",0,3000,0,0,0,1000,-430,4000,2570,2570,3570,31,33693,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-430,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6263",3500,92000,300000,150000,150000,108075,106575,203575,202075,352075,352075,29,148770,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,110075,1,0,0,0,0,0,0,1,1,0,0,0,0 +"6264",0,0,90000,15000,75000,6000,6000,6000,6000,81000,87000,46,52365,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6265",14000,0,90000,28000,62000,57000,57000,71000,71000,133000,139881,43,54750,1,18,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,71000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6266",0,0,38000,3000,35000,550,150,550,150,35150,35650,44,21099,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,150,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6267",0,4000,265000,150000,115000,11000,11000,15000,15000,130000,133000,33,72300,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,11000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6268",8000,800,67000,45000,22000,600,-2400,9400,6400,28400,54100,50,50013,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,5600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6269",43291,25000,70000,0,70000,59530,57530,127821,125821,195821,223821,39,66102,2,17,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,100821,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6270",8000,22000,160000,52000,108000,3300,2300,33300,32300,140300,142300,43,78180,5,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,10300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6271",6000,6000,70000,64300,5700,700,-1850,12700,10150,15850,15850,29,36294,4,14,0,1,1,1,1,1,1,1,0,0,1,0,4,3,0.3524857,4150,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6272",4100,200,0,0,0,1100,1100,5400,5400,5400,6900,51,24480,1,14,0,0,1,0,1,1,1,1,0,0,1,0,3,3,0.2029813,5200,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6273",0,0,0,0,0,501,301,501,301,301,301,37,31500,6,15,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,301,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6274",0,42000,70000,70000,0,3698,3010,45698,45010,45010,45010,38,60228,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3010,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6275",0,850,72000,72000,0,0,-3008,850,-2158,-2158,-2158,38,17928,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-3008,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6276",4000,0,60000,33000,27000,15000,12000,19000,16000,43000,53300,39,39732,5,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,16000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6277",8600,0,180000,121000,59000,156100,153500,164700,162100,221100,266100,36,70878,4,13,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,162100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6278",0,0,120000,89000,31000,3800,2000,3800,2000,33000,48000,28,47790,3,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,2000,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6279",0,0,0,0,0,490,-3135,490,-3135,-3135,-135,30,36540,2,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-3135,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6280",0,19500,70000,57000,13000,27000,-5000,46500,14500,27500,39500,28,143346,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-5000,1,0,0,0,0,0,0,1,1,0,0,0,0 +"6281",0,0,81000,79950,1050,220,-3780,220,-3780,-2730,3770,26,42222,2,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-3780,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6282",0,2400,0,0,0,1860,-4340,4260,-1940,-1940,6560,57,20430,1,18,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.2092901,-4340,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6283",51000,0,250000,0,250000,103200,103200,154200,154200,404200,604200,47,75939,4,18,1,1,1,0,1,1,0,1,0,0,0,1,7,4,0.7316045,154200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6284",0,1900,0,0,0,9400,9050,11300,10950,10950,11450,27,74370,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,9050,0,0,0,0,0,0,1,0,1,0,0,0,0 +"6285",0,3200,75000,45400,29600,4500,4000,7700,7200,36800,36800,48,38517,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,4000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6286",0,1200,125000,58000,67000,24999,24749,26199,25949,92949,96474,56,27492,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,24749,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6287",8000,0,0,0,0,2700,2500,10700,10500,10500,10500,63,23604,3,3,0,1,0,1,1,1,0,1,1,0,0,0,3,1,0.2061994,10500,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6288",50,3400,0,0,0,80,-2765,3530,685,685,25185,43,24936,9,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2061994,-2715,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6289",0,1000,58000,0,58000,500,500,1500,1500,59500,59500,59,17340,4,10,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6290",0,45000,30000,1500,28500,2150,-1850,47150,43150,71650,73200,58,42888,3,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-1850,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6291",0,0,0,0,0,7796,-5825,7796,-5825,-5825,175,34,79269,2,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4572618,-5825,0,0,0,0,0,0,0,1,0,1,0,0,0 +"6292",0,0,75000,0,75000,249,249,249,249,75249,75249,50,15318,4,13,0,1,0,1,1,1,0,0,0,0,1,0,2,3,0.1582553,249,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6293",0,19500,85000,54000,31000,43000,42500,62500,62000,93000,179100,55,51051,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,42500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6294",0,0,40000,21000,19000,200,200,200,200,19200,24150,49,36024,3,18,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6295",0,0,84300,74500,9800,4050,550,4050,550,10350,23946,26,29580,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,550,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6296",0,0,190000,80000,110000,40700,38700,40700,38700,148700,148700,42,89253,5,12,1,1,1,1,1,1,0,0,0,1,0,0,7,2,0.6849159,38700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6297",0,1000,0,0,0,0,0,1000,1000,1000,1266,43,5379,1,11,0,0,1,0,1,1,1,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6298",0,6200,178000,150000,28000,9850,9250,16050,15450,43450,46250,26,104373,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,9250,1,0,0,0,0,0,0,1,1,0,0,0,0 +"6299",0,6075,0,0,0,1852,-3148,7927,2927,2927,12747,31,51600,2,13,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5000061,-3148,0,0,0,0,0,0,1,0,0,1,0,0,0 +"6300",2350,0,230000,126000,104000,3325,-275,5675,2075,106075,126075,32,58689,5,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,2075,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6301",0,0,65000,62500,2500,1400,-4800,1400,-4800,-2300,6700,32,53109,2,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-4800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6302",57000,14500,84000,62500,21500,9065,8065,80565,79565,101065,117065,35,79818,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,65065,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6303",0,0,0,0,0,5800,2167,5800,2167,2167,10992,34,51288,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,2167,0,0,0,0,0,0,1,0,0,1,0,0,0 +"6304",0,4700,132000,99000,33000,1000,-4000,5700,700,33700,33700,42,50031,6,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6305",0,0,0,0,0,0,0,0,0,0,4000,33,28200,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6306",0,0,115000,40000,75000,3000,0,3000,0,75000,78800,42,59433,5,17,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,0,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6307",17000,0,191000,0,191000,19500,19500,36500,36500,227500,375460,46,58317,3,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,36500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6308",0,3500,125000,40000,85000,5117,2117,8617,5617,90617,90617,34,54819,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2117,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6309",0,1000,0,0,0,125,-1375,1125,-375,-375,-375,26,19206,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-1375,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6310",0,1000,138000,112000,26000,2777,-573,3777,427,26427,30537,36,76566,5,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-573,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6311",0,0,50000,8000,42000,0,0,0,0,42000,43053,55,76566,2,16,1,0,1,0,1,1,0,0,0,0,0,1,7,4,0.6891237,0,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6312",0,60000,0,0,0,3595,3595,63595,63595,63595,86595,54,50646,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,3595,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6313",0,0,75000,56500,18500,100,-3400,100,-3400,15100,17600,31,19302,1,17,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-3400,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6314",0,12000,39000,0,39000,7799,7799,19799,19799,58799,61999,61,28194,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,7799,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6315",3000,3500,240000,150000,90000,15000,-1000,21500,5500,95500,103500,48,62463,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6316",0,4000,130000,52000,78000,800,-1400,4800,2600,80600,84600,34,73590,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-1400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6317",0,0,65000,29500,35500,2500,200,2500,200,35700,36925,52,53430,2,18,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.4938007,200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6318",0,15,25000,24200,800,114,-466,129,-451,349,4349,42,27261,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-466,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6319",10000,10000,0,0,0,3460,1860,23460,21860,21860,30910,35,54060,1,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,11860,0,0,0,0,0,0,1,0,0,1,0,0,0 +"6320",0,6500,98000,67000,31000,1470,970,7970,7470,38470,46870,43,62856,4,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,970,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6321",6000,200,68000,32000,36000,36599,36199,42799,42399,78399,99599,31,75861,3,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,42199,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6322",0,19300,14000,0,14000,850,850,20150,20150,34150,39298,33,25752,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,850,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6323",11000,1300,0,0,0,1300,-700,13600,11600,11600,34600,31,30000,2,15,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.277538,10300,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6324",0,2000,0,0,0,3000,3000,5000,5000,5000,15000,42,48180,2,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,3000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6325",0,0,0,0,0,500,500,500,500,500,4804,49,26031,2,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,500,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6326",0,0,185000,135000,50000,2775,1675,2775,1675,51675,291675,31,69537,3,17,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,1675,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6327",0,0,177000,0,177000,42200,42200,42200,42200,219200,314200,48,65601,5,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,42200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6328",0,5000,129000,0,129000,0,0,5000,5000,134000,134000,56,31131,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6329",4170,4000,165000,66000,99000,15500,14700,23670,22870,121870,121870,35,59877,4,9,1,1,0,1,1,1,1,1,1,0,0,0,6,1,0.7130944,18870,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6330",0,35000,156000,60000,96000,70000,54600,105000,89600,185600,185600,39,93924,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,54600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6331",12084,6000,142000,114000,28000,35413,35238,53497,53322,81322,86782,36,89727,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,47322,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6332",3000,80000,300000,150000,150000,170705,170705,253705,253705,403705,403705,41,111636,4,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,173705,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6333",10300,291,60000,55000,5000,41845,41845,52436,52436,57436,57436,34,31242,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,52145,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6334",0,0,300000,116500,183500,16000,13000,16000,13000,196500,198200,34,57372,6,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,13000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6335",3500,1500,45000,0,45000,1000,800,6000,5800,50800,69800,34,41415,5,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,4300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6336",0,62243,60000,35000,25000,6800,-18200,69043,44043,69043,89043,54,55080,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-18200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6337",0,0,87000,87000,0,21000,13950,21000,13950,13950,21950,40,81252,5,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,13950,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6338",2500,78000,225000,95000,130000,548,48,81048,80548,210548,385548,38,59397,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,2548,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6339",0,5800,0,0,0,257,-12743,6057,-6943,-6943,-6943,34,22779,3,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-12743,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6340",2380,0,55000,37902,17098,444,-2116,2824,264,17362,25344,60,20388,2,11,0,1,0,0,1,1,0,1,1,0,0,0,3,1,0.2696004,264,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6341",0,1818,30000,11000,19000,32,-2545,1850,-727,18273,23593,28,8679,3,12,0,1,0,0,1,1,1,0,0,1,0,0,1,2,0.062312,-2545,1,1,0,0,0,0,0,0,1,0,0,0,0 +"6342",0,0,165000,12700,152300,2799,-4201,2799,-4201,148099,148099,28,37170,2,18,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-4201,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6343",0,3150,140000,109600,30400,11800,11800,14950,14950,45350,52229,35,30480,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,11800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6344",2075,0,0,0,0,1595,1595,3670,3670,3670,6245,35,18882,1,18,1,0,1,0,1,1,0,1,0,0,0,1,2,4,0.3268128,3670,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6345",18600,40000,65000,0,65000,106500,105400,165100,164000,229000,229000,54,51804,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,124000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6346",0,0,4500,2000,2500,0,-1430,0,-1430,1070,1238,27,12789,2,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-1430,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6347",0,0,200000,60000,140000,47922,47922,47922,47922,187922,188722,54,107097,2,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,47922,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6348",0,0,75000,30000,45000,1148,-3452,1148,-3452,41548,51745,41,23661,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-3452,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6349",0,83,0,0,0,1300,-7900,1383,-7817,-7817,217,35,40446,3,14,0,1,1,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-7900,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6350",0,2700,44000,44000,0,4600,3031,7300,5731,5731,10806,40,44730,1,12,0,0,0,0,1,1,1,0,0,1,0,0,5,2,0.4200058,3031,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6351",0,0,87000,81000,6000,1500,-9000,1500,-9000,-3000,-1904,30,52923,1,18,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.4938007,-9000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6352",0,0,40000,16000,24000,999,-1,999,-1,23999,25499,41,30654,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6353",0,0,0,0,0,0,0,0,0,0,3000,58,25497,3,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6354",0,8000,62000,62000,0,0,0,8000,8000,8000,46500,48,18297,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6355",15000,80000,120000,0,120000,129400,129400,224400,224400,344400,380400,59,68346,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,144400,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6356",0,80000,90000,0,90000,28998,28998,108998,108998,198998,198998,53,53490,3,10,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,28998,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6357",15000,10000,120000,120000,0,80000,80000,105000,105000,105000,105000,61,140130,2,1,1,1,0,1,1,1,1,1,1,0,0,0,7,1,0.7316045,95000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6358",48660,98600,150000,38000,112000,236498,224641,383758,371901,483901,615234,50,107301,3,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,273301,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6359",29043,0,70000,0,70000,20000,20000,49043,49043,119043,124868,64,27000,1,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.4720998,49043,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6360",0,350,73000,30000,43000,35758,35758,36108,36108,79108,89530,38,42030,1,14,0,0,1,0,1,1,1,0,0,0,1,0,5,3,0.4200058,35758,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6361",9150,35000,78000,78000,0,5025,-975,49175,43175,43175,56175,45,54150,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8175,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6362",15000,15000,300000,150000,150000,77025,76825,107025,106825,256825,427825,42,113076,4,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,91825,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6363",0,2400,215000,150000,65000,4750,3250,7150,5650,70650,70650,33,49572,4,16,1,1,1,1,1,1,1,0,0,0,0,1,5,4,0.6077043,3250,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6364",0,6000,92000,55000,37000,8325,975,14325,6975,43975,43975,26,62475,2,2,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,975,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6365",0,10000,75400,41500,33900,6100,4600,16100,14600,48500,55500,55,60267,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,4600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6366",0,0,0,0,0,0,0,0,0,0,0,38,49368,2,16,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6367",0,1000,145000,92000,53000,45100,44600,46100,45600,98600,154700,41,21222,2,17,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,44600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6368",0,1483,64000,64000,0,23000,22500,24483,23983,23983,30983,42,61683,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,22500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6369",0,750,30000,0,30000,2799,2799,3549,3549,33549,36228,45,14436,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2799,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6370",0,0,0,0,0,660,-340,660,-340,-340,-340,26,31689,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-340,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6371",10000,8000,110000,86000,24000,5500,5500,23500,23500,47500,51775,37,34032,1,16,1,0,1,0,1,1,1,1,0,0,0,1,4,4,0.6174901,15500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6372",55000,80000,70000,0,70000,125872,125872,260872,260872,330872,370872,48,73086,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,180872,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6373",0,4000,0,0,0,2711,-2589,6711,1411,1411,1911,31,23208,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-2589,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6374",0,8000,200000,53000,147000,23750,23500,31750,31500,178500,188250,39,75888,4,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,23500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6375",0,0,93000,65000,28000,10,-1790,10,-1790,26210,114210,42,39840,6,13,1,1,1,0,1,1,0,0,0,0,1,0,4,3,0.5297047,-1790,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6376",0,9000,200000,105000,95000,2501,1901,11501,10901,105901,105901,42,66852,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,1901,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6377",0,1500,0,0,0,643,-1530,2143,-30,-30,-30,34,30231,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-1530,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6378",0,5000,155000,135000,20000,8200,5200,13200,10200,30200,36200,46,61086,3,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,5200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6379",0,6000,30000,0,30000,13249,13249,19249,19249,49249,54249,59,15372,2,7,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,13249,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6380",0,2500,89000,61000,28000,550,-1450,3050,1050,29050,40050,39,68676,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1450,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6381",22371,6075,200000,90000,110000,20399,10399,48845,38845,148845,156326,43,33312,4,17,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,32770,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6382",0,0,65000,0,65000,1799,1449,1799,1449,66449,67949,33,42660,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1449,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6383",44000,30000,300000,65000,235000,2249,2249,76249,76249,311249,578249,54,68715,3,8,1,1,1,1,1,1,1,1,1,0,0,0,6,1,0.7130944,46249,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6384",0,0,93207,93207,0,3993,-107,3993,-107,-107,-107,45,67989,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-107,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6385",38160,7500,130000,92000,38000,32518,32218,78178,77878,115878,115878,37,59976,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,70378,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6386",8000,18500,300000,17000,283000,151431,150831,177931,177331,460331,460331,47,59331,4,18,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,158831,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6387",1200,3200,80000,75000,5000,13200,5200,17600,9600,14600,99100,44,43920,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,6400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6388",0,950,100000,29900,70100,0,-150,950,800,70900,71400,43,9690,6,5,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3536102,-150,1,1,0,0,0,0,0,0,0,0,1,0,0 +"6389",0,0,50000,15000,35000,313,-1337,313,-1337,33663,40663,45,38187,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1337,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6390",0,0,59500,45000,14500,5170,-130,5170,-130,14370,14370,35,43689,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-130,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6391",0,3000,75000,55000,20000,8905,6705,15905,13705,33705,42705,33,43200,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,6705,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6392",0,1800,0,0,0,700,-3800,2500,-2000,-2000,2650,26,26400,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6393",0,170,55000,7000,48000,0,-5000,170,-4830,43170,43545,31,25740,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-5000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6394",6000,16000,240000,0,240000,10000,10000,32000,32000,272000,276000,44,70125,2,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,16000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6395",0,0,300000,0,300000,84196,84196,84196,84196,384196,384196,62,108588,2,14,0,1,0,0,1,1,0,0,0,0,1,0,7,3,0.5679367,84196,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6396",0,52000,300000,0,300000,23081,21980,75081,73980,373980,373980,56,44247,2,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,21980,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6397",0,600,0,0,0,900,600,1500,1200,1200,2100,27,18030,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,600,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6398",0,0,70000,12000,58000,5050,3990,5050,3990,61990,61990,53,38262,2,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,3990,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6399",0,0,0,0,0,0,-11000,0,-11000,-11000,-11000,42,24000,2,16,1,1,0,0,1,1,0,0,0,0,0,1,3,4,0.4366938,-11000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6400",0,669,0,0,0,581,-1219,1250,-550,-550,3450,35,40674,2,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.5995759,-1219,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6401",0,0,0,0,0,9000,8600,9000,8600,8600,8600,36,50484,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,8600,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6402",0,7000,250000,105300,144700,9000,4000,16000,11000,155700,162325,38,47616,3,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6403",0,20000,50000,25000,25000,58149,55149,78149,75149,100149,100149,50,50742,2,8,0,1,0,0,1,1,1,0,1,0,0,0,6,1,0.5405443,55149,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6404",0,0,145000,110000,35000,70000,66900,70000,66900,101900,110361,39,47838,3,18,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.4200058,66900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6405",0,1000,0,0,0,25,-1075,1025,-75,-75,-75,46,13125,8,4,1,1,0,0,1,1,1,0,1,0,0,0,2,1,0.3791962,-1075,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6406",43366,150,110000,70000,40000,22396,22096,65912,65612,105612,105612,57,73815,3,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,65462,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6407",0,50000,220000,150000,70000,55798,55798,105798,105798,175798,175798,36,104190,4,16,1,1,1,0,1,1,1,0,0,0,0,1,7,4,0.6849159,55798,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6408",15602,17522,300000,82000,218000,77581,69581,110705,102705,320705,329205,54,139854,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,85183,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6409",0,200,25000,19000,6000,390,-8610,590,-8410,-2410,7590,25,22110,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-8610,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6410",7000,20000,300000,0,300000,103498,102998,130498,129998,429998,429998,57,40581,2,18,1,1,1,0,1,1,1,1,0,0,0,1,5,4,0.7196674,109998,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6411",2700,0,125000,16000,109000,14550,14550,17250,17250,126250,126250,37,46929,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,17250,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6412",0,0,15000,0,15000,900,-32500,900,-32500,-17500,-16275,44,57306,1,13,1,0,0,0,1,1,0,0,0,0,1,0,6,3,0.7472324,-32500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6413",0,381,45000,45000,0,100,100,481,481,481,3481,29,27462,5,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,100,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6414",0,7500,30000,0,30000,300,300,7800,7800,37800,37800,38,22011,5,5,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6415",14000,10000,75000,34000,41000,799,-85,24799,23915,64915,109415,42,27171,2,13,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,13915,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6416",0,500,0,0,0,500,-700,1000,-200,-200,9800,32,42024,5,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,-700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6417",2070,1603,100000,77000,23000,3723,3523,7396,7196,30196,35896,26,38604,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,5593,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6418",0,2672,0,0,0,27749,23749,30421,26421,26421,29496,45,30225,2,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,23749,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6419",0,0,60000,0,60000,0,-30000,0,-30000,30000,30000,62,21276,2,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-30000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6420",0,0,67000,12800,54200,8709,8709,8709,8709,62909,62909,64,34536,2,8,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,8709,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6421",6300,3000,0,0,0,2750,850,12050,10150,10150,13500,61,20826,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,7150,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6422",10000,900,0,0,0,500,100,11400,11000,11000,11425,38,21360,1,4,0,0,1,0,1,1,1,1,1,0,0,0,3,1,0.2029813,10100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6423",0,0,65000,37000,28000,360,-6290,360,-6290,21710,31857,36,17100,5,13,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1582553,-6290,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6424",0,0,200000,73500,126500,1990,-4010,1990,-4010,122490,122490,35,33762,2,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-4010,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6425",3500,4304,0,0,0,0,0,7804,7804,7804,7804,47,44244,5,12,0,1,1,1,1,1,1,1,0,1,0,0,5,2,0.3442089,3500,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6426",32000,30840,200000,33000,167000,59013,59013,121853,121853,288853,292203,58,70971,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,91013,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6427",0,5000,75000,66000,9000,3300,-3700,8300,1300,10300,10300,36,68445,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-3700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6428",2000,0,200000,95000,105000,52000,51000,54000,53000,158000,173500,60,85200,2,12,0,1,0,1,1,1,0,1,0,1,0,0,7,2,0.5801663,53000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6429",10000,12000,70000,63000,7000,1000,-22000,23000,0,7000,10825,52,71421,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,-12000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6430",6000,20000,76000,50000,26000,10419,-4981,36419,21019,47019,120615,32,46665,2,15,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,1019,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6431",2600,17000,0,0,0,23000,23000,42600,42600,42600,52775,28,42540,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,25600,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6432",0,5000,200000,75000,125000,55700,55700,60700,60700,185700,189350,37,25641,4,10,1,0,0,0,1,1,1,0,1,0,0,0,3,1,0.491887,55700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6433",4700,13000,128000,97000,31000,92748,41648,110448,59348,90348,90348,43,63813,2,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,46348,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6434",0,0,0,0,0,50,-350,50,-350,-350,-350,28,17928,4,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6435",0,714,0,0,0,500,500,1214,1214,1214,1214,49,30600,5,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6436",0,68,0,0,0,0,0,68,68,68,68,53,10200,4,6,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6437",0,0,0,0,0,50,-2000,50,-2000,-2000,-2000,40,32850,3,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-2000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6438",0,0,0,0,0,500,-7500,500,-7500,-7500,-6750,34,13101,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-7500,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6439",0,1200,65000,54900,10100,400,-7800,1600,-6600,3500,3500,29,39396,3,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-7800,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6440",1000,0,0,0,0,15000,15000,16000,16000,16000,23675,58,30300,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,16000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"6441",0,0,65000,65000,0,8450,6450,8450,6450,6450,11825,39,40980,1,18,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,6450,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6442",0,1500,130000,88000,42000,26200,25300,27700,26800,68800,68800,30,59685,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6443",16000,4500,68000,65000,3000,2675,-8619,23175,11881,14881,16381,40,66573,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,7381,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6444",5500,0,50000,0,50000,7499,7499,12999,12999,62999,66460,54,18144,3,12,1,0,0,0,1,1,0,1,0,1,0,0,2,2,0.3108636,12999,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6445",0,4500,92000,67000,25000,35200,30200,39700,34700,59700,59700,42,75249,5,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,30200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6446",0,0,0,0,0,2600,-3400,2600,-3400,-3400,925,39,30324,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-3400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6447",0,2500,125000,60000,65000,15000,15000,17500,17500,82500,85000,42,39900,2,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,15000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6448",26000,55000,190000,80000,110000,4800,2800,85800,83800,193800,209200,42,74646,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,28800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6449",27000,45000,190000,30000,160000,10000,-1000,82000,71000,231000,681000,59,38418,2,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,26000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6450",0,0,65000,39000,26000,2100,1100,2100,1100,27100,38153,59,40200,1,18,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.4200058,1100,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6451",32000,8000,0,0,0,8520,-7080,48520,32920,32920,41820,32,76992,5,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.4696543,24920,0,0,0,0,0,0,0,1,0,1,0,0,0 +"6452",0,1500,0,0,0,234,-1166,1734,334,334,334,44,10650,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1166,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6453",14800,7000,0,0,0,148000,148000,169800,169800,169800,225300,53,44277,1,17,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,162800,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6454",0,30000,120000,65000,55000,2579,-1421,32579,28579,83579,86929,36,57282,1,16,0,0,0,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-1421,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6455",0,0,0,0,0,0,-750,0,-750,-750,2594,27,24603,2,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,-750,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6456",0,2700,95000,70000,25000,8034,8034,10734,10734,35734,47734,39,62025,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8034,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6457",6000,8000,95000,80000,15000,35000,35000,49000,49000,64000,77053,44,50250,2,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,41000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6458",9000,0,169000,116000,53000,16100,13000,25100,22000,75000,75000,29,52467,3,15,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,22000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6459",0,12369,0,0,0,900,-2100,13269,10269,10269,13844,35,29427,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-2100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6460",536,4600,110000,79900,30100,36635,26835,41771,31971,62071,92271,55,123111,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,27371,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6461",0,5200,0,0,0,7900,7900,13100,13100,13100,19650,32,16590,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,7900,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6462",3200,0,18000,0,18000,5857,5857,9057,9057,27057,29394,32,14121,1,12,1,0,0,0,1,1,0,1,0,1,0,0,2,2,0.3108636,9057,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6463",0,0,7000,0,7000,13200,12950,13200,12950,19950,19950,58,37068,2,8,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,12950,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6464",10000,80500,85000,85000,0,3400,1400,93900,91900,91900,91900,28,62430,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,11400,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6465",0,5000,0,0,0,12047,12047,17047,17047,17047,19997,55,20898,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,12047,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6466",1000,1000,30000,10000,20000,11010,-9031,13010,-7031,12969,29969,48,96837,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,-8031,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6467",0,0,135000,100000,35000,4000,-4200,4000,-4200,30800,33800,26,73212,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-4200,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6468",0,10000,95000,70000,25000,50,-1524,10050,8476,33476,39976,29,46323,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1524,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6469",0,0,0,0,0,2185,2020,2185,2020,2020,4870,27,27657,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,2020,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6470",37000,80000,125000,88000,37000,5678,2678,122678,119678,156678,166278,33,119460,6,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,39678,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6471",0,425,0,0,0,0,-5000,425,-4575,-4575,-4575,31,25800,5,9,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6472",0,0,85000,59000,26000,2070,-20930,2070,-20930,5070,17070,27,39255,3,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-20930,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6473",0,1000,0,0,0,1100,-3900,2100,-2900,-2900,25200,31,24762,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-3900,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6474",32000,17988,85000,36500,48500,44583,44583,94571,94571,143071,143071,55,90978,3,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,76583,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6475",0,14000,75000,15000,60000,1249,-3151,15249,10849,70849,123849,44,46275,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-3151,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6476",8800,25000,135000,123200,11800,16499,16499,50299,50299,62099,81099,32,90729,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,25299,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6477",0,0,170000,99000,71000,350,-9087,350,-9087,61913,64553,38,84504,3,18,0,1,1,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-9087,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6478",0,0,0,0,0,599,-4607,599,-4607,-4607,3989,44,31911,1,9,0,0,1,0,1,1,0,0,1,0,0,0,4,1,0.3086649,-4607,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6479",2000,0,0,0,0,400,-1600,2400,400,400,4066,33,28179,1,13,1,0,1,0,1,1,0,1,0,0,1,0,3,3,0.5117899,400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6480",17000,2600,80000,0,80000,1000,-3000,20600,16600,96600,111600,42,57465,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6481",0,18000,70000,0,70000,1500,1500,19500,19500,89500,89500,56,132996,6,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,1500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6482",0,4860,65000,52886,12114,13200,-10233,18060,-5373,6741,10477,44,91725,3,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-10233,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6483",0,0,57000,0,57000,8000,8000,8000,8000,65000,134700,42,65280,3,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,8000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6484",6851,80000,0,0,0,18500,18300,105351,105151,105151,110151,41,39780,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.277538,25151,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6485",0,6000,58424,21500,36924,20550,20550,26550,26550,63474,63474,39,30024,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,20550,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6486",0,0,0,0,0,17300,16900,17300,16900,16900,19400,42,36120,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,16900,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6487",0,5000,89000,69000,20000,100,100,5100,5100,25100,28450,44,46593,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6488",3000,1000,185000,18000,167000,15508,11508,19508,15508,182508,186358,56,31680,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,14508,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6489",0,5000,8000,0,8000,670,-5280,5670,-280,7720,12720,33,24138,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-5280,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6490",8000,2900,162950,98000,64950,34000,28000,44900,38900,103850,103850,46,66396,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,36000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6491",0,1000,80000,0,80000,2000,-6000,3000,-5000,75000,110000,50,12240,2,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-6000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6492",0,0,45000,0,45000,10289,-4711,10289,-4711,40289,56039,40,68661,5,16,1,1,0,0,1,1,0,0,0,0,0,1,6,4,0.6688337,-4711,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6493",0,600,0,0,0,100,-965,700,-365,-365,1135,35,27840,2,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-965,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6494",3800,2000,0,0,0,299,-4201,6099,1599,1599,1599,31,36201,5,14,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.277538,-401,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6495",0,80000,85000,0,85000,49,49,80049,80049,165049,183049,52,76806,2,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,49,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6496",0,0,30000,0,30000,75,-425,75,-425,29575,32925,37,19440,3,14,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-425,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6497",0,10000,151000,150000,1000,2999,2999,12999,12999,13999,13999,49,37182,2,16,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.3719455,2999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6498",0,1015,0,0,0,3749,3749,4764,4764,4764,4764,42,18555,2,12,1,1,1,1,1,1,1,0,0,1,0,0,2,2,0.3791962,3749,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6499",13000,26000,103000,80000,23000,1550,-3450,66550,61550,84550,85050,30,62490,3,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,9550,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6500",600,28000,300000,109000,191000,2200,-9800,30800,18800,209800,233400,43,116940,4,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-9200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6501",0,17000,40000,0,40000,6050,-12250,23050,4750,44750,44750,42,71376,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-12250,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6502",0,28000,65000,48000,17000,2400,-8400,30400,19600,36600,63450,42,57186,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-8400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6503",0,0,79000,68500,10500,9000,9000,9000,9000,19500,33203,50,35754,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6028074,9000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6504",11000,0,300000,150000,150000,4065,-2435,15065,8565,158565,172565,49,101532,2,14,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,8565,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6505",0,400,0,0,0,540,240,940,640,640,1640,27,19143,2,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,240,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6506",0,0,0,0,0,0,0,0,0,0,1000,39,28050,5,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6507",0,1000,0,0,0,550,550,1550,1550,1550,2050,55,11049,6,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,550,0,0,1,0,0,0,0,0,0,0,0,0,1 +"6508",0,13866,40000,35000,5000,730,-1270,14596,12596,17596,21596,36,36552,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1270,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6509",0,8000,56000,37450,18550,16100,15833,24100,23833,42383,64583,34,53700,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,15833,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6510",0,0,60000,51000,9000,1350,1350,1350,1350,10350,13350,34,42906,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1350,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6511",8500,20000,110000,48000,62000,51000,47500,79500,76000,138000,183000,50,91887,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,56000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6512",0,0,0,0,0,234,-18866,234,-18866,-18866,-14366,45,59616,2,16,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-18866,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6513",0,20000,80000,37900,42100,2460,-540,22460,19460,61560,61560,35,33834,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-540,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6514",0,2500,0,0,0,350,100,2850,2600,2600,2600,26,14532,3,13,1,1,1,0,1,1,1,0,0,0,1,0,2,3,0.3791962,100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6515",1399,17613,125000,83000,42000,5407,2407,24419,21419,63419,67852,41,44883,2,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,3806,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6516",0,12000,0,0,0,7500,6500,19500,18500,18500,19925,35,29970,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,6500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6517",0,8000,70000,70000,0,14660,14610,22660,22610,22610,25960,41,37245,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,14610,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6518",0,20,80000,76000,4000,4300,-700,4320,-680,3320,3320,38,42600,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6519",27000,80000,180000,18000,162000,31000,31000,138000,138000,300000,300000,56,100365,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,58000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6520",0,30000,0,0,0,761,-1639,30761,28361,28361,30211,37,41439,1,14,0,0,1,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-1639,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6521",12000,21000,40000,30000,10000,6030,1030,39030,34030,44030,44030,34,73071,4,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13030,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6522",0,200,0,0,0,0,0,200,200,200,200,35,14850,8,6,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3791962,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6523",61000,28000,300000,0,300000,184000,184000,298000,298000,598000,748000,58,200997,3,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,245000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6524",0,0,0,0,0,2348,-11261,2348,-11261,-11261,-11261,30,25488,4,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.2092901,-11261,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6525",0,5000,0,0,0,50,-1250,5050,3750,3750,10450,43,28080,4,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-1250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6526",0,0,0,0,0,299,299,299,299,299,1299,43,39204,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,299,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6527",0,11000,0,0,0,2100,-9900,13100,1100,1100,2600,28,32034,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-9900,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6528",0,1500,70000,0,70000,3000,2070,4500,3570,73570,98570,53,27300,2,10,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,2070,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6529",0,450,46000,45000,1000,2456,2456,2906,2906,3906,3906,42,26856,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,2456,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6530",0,2200,0,0,0,4266,-3844,6466,-1644,-1644,356,29,64935,4,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5000061,-3844,0,0,0,0,0,0,1,0,1,0,0,0,0 +"6531",5686,4388,150000,55000,95000,9683,9183,19757,19257,114257,114257,50,38112,2,12,1,1,0,0,1,1,1,1,0,1,0,0,4,2,0.5449064,14869,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6532",0,1300,89000,55000,34000,3749,1749,5049,3049,37049,37049,38,26964,4,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,1749,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6533",0,0,60000,0,60000,899,899,899,899,60899,60899,51,19164,2,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,899,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6534",5000,1500,125000,100000,25000,4300,4300,10800,10800,35800,35800,33,65529,5,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,9300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6535",0,100,65000,23000,42000,0,0,100,100,42100,42100,41,19200,5,9,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6536",5600,4758,60000,48000,12000,7110,2460,17468,12818,24818,155918,36,43437,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,8060,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6537",0,0,25000,15000,10000,458,158,458,158,10158,11324,41,23454,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,158,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6538",55000,80000,300000,150000,150000,400500,387300,535500,522300,672300,672300,40,131796,4,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,442300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6539",2600,200,75000,56000,19000,2049,2049,4849,4849,23849,30849,31,67593,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,4649,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6540",1600,48000,280000,137000,143000,4250,-9650,53850,39950,182950,201450,51,95178,3,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-8050,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6541",0,0,70000,55000,15000,8699,8699,8699,8699,23699,23699,44,54060,7,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,8699,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6542",0,2500,0,0,0,1100,-13900,3600,-11400,-11400,-7975,33,34671,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-13900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6543",0,6000,150000,131000,19000,5145,3145,11145,9145,28145,34160,34,65556,4,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,3145,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6544",0,5000,104000,0,104000,12649,3849,17649,8849,112849,116849,56,8136,2,12,1,1,0,0,1,1,1,0,0,1,0,0,1,2,0.375,3849,1,1,0,0,0,0,0,0,0,0,0,0,1 +"6545",0,3000,0,0,0,5200,-10300,8200,-7300,-7300,5700,27,58362,2,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-10300,0,0,0,0,0,0,1,0,1,0,0,0,0 +"6546",0,0,0,0,0,25,-975,25,-975,-975,-475,36,21615,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-975,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6547",0,15,100000,55000,45000,49,-4951,64,-4936,40064,40064,36,13506,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-4951,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6548",1944,17000,36700,0,36700,49999,49999,68943,68943,105643,113643,51,44658,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,51943,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6549",0,9000,53000,35000,18000,20500,17500,29500,26500,44500,55931,39,40179,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,17500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6550",0,6000,275000,150000,125000,8800,8775,14800,14775,139775,140875,45,58758,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8775,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6551",0,0,30000,40000,-10000,6781,-8219,6781,-8219,-18219,-18219,43,48426,3,8,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,-8219,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6552",30000,0,250000,0,250000,22288,22288,52288,52288,302288,302288,52,70896,2,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,52288,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6553",25533,40000,0,0,0,1600,100,67133,65633,65633,75995,53,34584,1,14,1,0,1,0,1,1,1,1,0,0,1,0,4,3,0.6739899,25633,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6554",12400,13450,25000,19800,5200,2380,35,28230,25885,31085,31420,49,13530,2,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,12435,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6555",17700,40000,132000,90000,42000,50050,50050,107750,107750,149750,149750,31,58632,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,67750,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6556",0,4000,0,0,0,3252,-2748,7252,1252,1252,5627,25,37194,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-2748,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6557",0,0,171000,150000,21000,20380,20250,20380,20250,41250,64250,45,76008,2,12,0,1,0,1,1,1,0,0,0,1,0,0,7,2,0.5679367,20250,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6558",0,40000,0,0,0,20398,20398,60398,60398,60398,66573,51,35472,2,4,0,0,1,0,1,1,1,0,1,0,0,0,4,1,0.3086649,20398,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6559",0,16000,150000,40000,110000,1300,100,17300,16100,126100,132183,53,41538,3,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,100,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6560",0,2500,65000,40000,25000,500,500,3000,3000,28000,30500,44,33060,3,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6561",0,0,0,0,0,0,-3700,0,-3700,-3700,300,48,20232,10,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.2092901,-3700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6562",0,0,0,0,0,525,-4497,525,-4497,-4497,-3734,35,32400,2,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,-4497,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6563",0,0,120000,62000,58000,800,-4300,800,-4300,53700,208200,37,54996,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-4300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6564",5265,514,70000,40500,29500,12940,8940,18719,14719,44219,44219,49,41685,6,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,14205,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6565",0,22000,0,0,0,10859,8859,32859,30859,30859,38784,33,39096,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,8859,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6566",0,8000,165000,67000,98000,1125,295,9125,8295,106295,113095,40,77100,4,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,295,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6567",0,47000,270000,135000,135000,8500,4500,55500,51500,186500,318000,45,145854,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,4500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6568",14000,80000,150000,35000,115000,30000,30000,124000,124000,239000,314000,41,28350,4,14,0,1,0,1,1,1,1,1,0,0,1,0,3,3,0.2696004,44000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6569",0,50000,110000,77000,33000,479,-6041,50479,43959,76959,76959,45,37893,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6041,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6570",0,300,0,0,0,18100,18100,18400,18400,18400,18400,30,57381,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,18100,0,0,0,0,0,0,1,0,0,1,0,0,0 +"6571",0,0,132000,132000,0,20500,20500,20500,20500,20500,20500,34,79374,3,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,20500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6572",0,80000,149000,149000,0,9700,1200,89700,81200,81200,81700,52,90900,2,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,1200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6573",0,30000,0,0,0,4300,-7700,34300,22300,22300,22300,30,92904,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,-7700,0,0,0,0,0,0,0,1,0,1,0,0,0 +"6574",0,17,50000,50000,0,300,-9985,317,-9968,-9968,-6388,29,40971,3,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-9985,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6575",0,2300,0,0,0,200,200,2500,2500,2500,4500,38,19800,2,8,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6576",0,11231,80000,28000,52000,5369,3869,16600,15100,67100,70100,37,36984,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,3869,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6577",0,70000,200000,120000,80000,25900,25700,95900,95700,175700,182700,34,102666,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,25700,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6578",10000,4000,300000,150000,150000,25271,25271,39271,39271,189271,189771,54,36012,1,12,0,0,0,0,1,1,1,1,0,1,0,0,4,2,0.3669286,35271,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6579",0,50000,36000,0,36000,23750,23750,73750,73750,109750,123475,63,18330,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,23750,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6580",10400,12000,230000,56000,174000,60800,60800,83200,83200,257200,257200,44,72165,3,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,71200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6581",0,0,30000,7000,23000,164,-36,164,-36,22964,22964,45,11430,4,10,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,-36,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6582",0,10000,180000,35000,145000,2499,1999,12499,11999,156999,156999,53,53292,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6583",0,8000,45000,19000,26000,80,-7020,8080,980,26980,27980,48,24765,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-7020,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6584",0,35000,90000,0,90000,52000,50000,87000,85000,175000,201000,51,49566,2,13,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,50000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6585",8000,8000,150000,42000,108000,46283,45283,62283,61283,169283,172633,46,45063,1,15,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,53283,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6586",0,2750,70000,16000,54000,596,-2804,3346,-54,53946,53946,49,36684,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2804,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6587",0,20000,42000,0,42000,249,249,20249,20249,62249,82313,59,36027,2,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.3719455,249,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6588",16000,20000,125000,82000,43000,4000,4000,40000,40000,83000,83200,33,49959,4,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,20000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6589",0,2400,125000,98000,27000,360,-640,2760,1760,28760,28760,42,57414,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-640,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6590",0,0,0,0,0,15,-2485,15,-2485,-2485,-2485,48,35082,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-2485,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6591",37000,140000,300000,150000,150000,47200,41400,224200,218400,368400,413400,55,117600,4,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,78400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6592",0,0,180000,112000,68000,4800,-2900,4800,-2900,65100,69100,43,55716,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-2900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6593",0,0,65000,48000,17000,180,-120,180,-120,16880,21880,28,31686,4,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,-120,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6594",0,3000,30000,25000,5000,0,-6240,3000,-3240,1760,4760,34,45600,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-6240,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6595",0,0,300000,150000,150000,3299,-28701,3299,-28701,121299,135299,36,60651,4,9,1,1,1,0,1,1,0,0,1,0,0,0,6,1,0.6688337,-28701,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6596",0,3000,90000,59000,31000,18899,16099,21899,19099,50099,50099,34,48219,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,16099,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6597",11300,7000,150000,72000,78000,41756,25456,60056,43756,121756,121756,54,49881,5,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,36756,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6598",1000,0,30000,20000,10000,20000,20000,21000,21000,31000,43500,45,34986,1,14,1,0,1,0,1,1,0,1,0,0,1,0,4,3,0.6174901,21000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6599",11000,0,120000,0,120000,21600,17000,32600,28000,148000,248000,49,45900,2,18,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,28000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6600",0,9000,150000,101000,49000,2400,-6000,11400,3000,52000,53000,29,31842,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-6000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"6601",0,0,135000,0,135000,130229,130229,130229,130229,265229,265229,50,58176,2,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,130229,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6602",0,70000,115000,7900,107100,29350,3150,99350,73150,180250,206250,48,62430,6,18,1,1,0,0,1,1,1,0,0,0,0,1,6,4,0.6688337,3150,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6603",2400,0,90000,68161,21839,81300,81300,83700,83700,105539,161064,30,41535,1,14,1,0,1,0,1,1,0,1,0,0,1,0,5,3,0.650903,83700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6604",0,17000,0,0,0,500,-11200,17500,5800,5800,6300,39,50400,2,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,-11200,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6605",50000,200,50000,26000,24000,148,-12852,50348,37348,61348,61348,55,36720,2,8,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,37148,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6606",0,1300,90000,75120,14880,3000,-2000,4300,-700,14180,14180,30,46302,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6607",0,6500,165000,109000,56000,5100,-1000,11600,5500,61500,61500,30,67824,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6608",0,18000,0,0,0,4400,-3600,22400,14400,14400,21900,49,38310,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-3600,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6609",0,5000,0,0,0,400,296,5400,5296,5296,7704,30,18915,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,296,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6610",0,600,49000,0,49000,600,-540,1200,60,49060,52260,63,22299,3,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,-540,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6611",9650,25000,140000,98000,42000,27499,27499,62149,62149,104149,104149,49,60069,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,37149,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6612",0,24000,0,0,0,3500,-2100,27500,21900,21900,26182,44,29913,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-2100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6613",0,800,100000,12000,88000,19500,18600,20300,19400,107400,114879,54,40500,2,15,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,18600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6614",0,0,0,0,0,2250,-2150,2250,-2150,-2150,1350,30,34413,2,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-2150,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6615",12000,3500,210000,136000,74000,15500,15350,36000,35850,109850,109850,31,48522,4,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,27350,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6616",0,1200,0,0,0,3050,550,4250,1750,1750,5425,30,30105,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,550,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6617",0,10000,0,0,0,11000,7900,21000,17900,17900,17900,42,39279,4,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,7900,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6618",0,0,0,0,0,3500,-7500,3500,-7500,-7500,-4131,25,31215,1,17,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-7500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6619",0,0,30000,14500,15500,400,-900,400,-900,14600,14600,40,51960,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6620",36200,1400,106000,78000,28000,19999,19999,57599,57599,85599,85599,36,74100,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,56199,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6621",0,18000,100000,96500,3500,2549,-8451,20549,9549,13049,16217,55,44184,3,9,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.4407951,-8451,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6622",8000,0,84000,79000,5000,97800,92800,105800,100800,105800,105800,37,57000,3,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,100800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6623",0,23000,0,0,0,3700,3700,26700,26700,26700,39275,40,9498,2,15,0,0,1,0,1,1,1,0,0,0,1,0,1,3,0.0278493,3700,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6624",36000,0,40000,38500,1500,32165,32165,68165,68165,69665,76665,39,44586,3,18,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,68165,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6625",0,800,80000,0,80000,6880,5380,7680,6180,86180,87180,32,63207,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,5380,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6626",0,0,63000,55000,8000,241,-8259,241,-8259,-259,1741,53,23550,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-8259,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6627",0,81001,160000,39000,121000,4200,3980,85201,84981,205981,209981,52,46818,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,3980,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6628",0,600,0,0,0,1300,-100,1900,500,500,1500,29,12810,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6629",0,0,150000,70000,80000,10,-3490,10,-3490,76510,87689,36,35196,2,10,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-3490,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6630",0,834,0,0,0,10000,8200,10834,9034,9034,12495,39,17592,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,8200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6631",0,12000,45500,45500,0,3400,3200,15400,15200,15200,31200,29,53172,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,3200,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6632",18000,3000,100000,60000,40000,400,350,21400,21350,61350,63050,36,33030,5,11,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,18350,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6633",17000,0,55000,0,55000,12600,12600,29600,29600,84600,84100,45,29100,1,15,0,0,1,0,1,1,0,1,0,0,1,0,3,3,0.2658667,29600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6634",0,0,67000,15900,51100,13374,13374,13374,13374,64474,64474,50,39240,3,9,1,1,1,0,1,1,0,0,1,0,0,0,4,1,0.5297047,13374,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6635",0,5000,87000,72950,14050,762,112,5762,5112,19162,20112,40,38466,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,112,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6636",0,0,55000,40000,15000,6300,5800,6300,5800,20800,136975,33,21720,1,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,5800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6637",0,0,58000,37000,21000,13320,13320,13320,13320,34320,37270,36,25647,1,13,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,13320,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6638",0,360,170000,30500,139500,2748,-12252,3108,-11892,127608,127608,41,37242,4,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-12252,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6639",0,20000,65000,48000,17000,2200,1900,22200,21900,38900,38900,42,44874,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6640",26296,0,96000,86400,9600,10915,8583,37211,34879,44479,47829,40,55806,1,18,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,34879,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6641",50000,2900,80000,56000,24000,17199,15099,70099,67999,91999,91999,43,51816,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,65099,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6642",0,20,57000,30000,27000,400,-5400,420,-5380,21620,24320,34,16704,6,6,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3623197,-5400,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6643",0,633,83000,71000,12000,4911,4311,5544,4944,16944,23944,27,54339,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,4311,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6644",0,0,40000,10000,30000,200,-16200,200,-16200,13800,13800,41,40320,5,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-16200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6645",0,5000,70000,30000,40000,5200,1200,10200,6200,46200,51033,51,25488,1,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,1200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6646",1800,10000,0,0,0,6075,3075,17875,14875,14875,43425,37,36090,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,4875,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6647",0,500,83000,65000,18000,17800,16800,18300,17300,35300,53300,41,48732,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,16800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6648",0,2310,180000,55000,125000,37000,33000,39310,35310,160310,169310,49,57195,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,33000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6649",0,0,0,0,0,2550,-3450,2550,-3450,-3450,16550,35,91761,4,12,0,1,0,1,1,1,0,0,0,1,0,0,7,2,0.4572618,-3450,0,0,0,0,0,0,0,1,0,1,0,0,0 +"6650",0,0,0,0,0,5327,5327,5327,5327,5327,114827,42,31131,3,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,5327,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6651",0,3500,200000,150000,50000,3500,-1500,7000,2000,52000,55000,44,96816,4,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-1500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6652",0,900,225000,30000,195000,8000,5000,8900,5900,200900,202075,43,42480,2,17,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,5000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6653",0,2320,60000,34000,26000,10700,7700,13020,10020,36020,37782,35,33150,5,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,7700,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6654",0,116,0,0,0,2200,-6710,2316,-6594,-6594,-2944,32,36012,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-6710,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6655",0,13866,0,0,0,30,-21270,13896,-7404,-7404,-7404,36,15306,6,6,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,-21270,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6656",0,37,18888,17000,1888,388,388,425,425,2313,9338,47,16719,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,388,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6657",0,0,20000,20500,-500,0,-3000,0,-3000,-3500,-700,41,25800,3,10,0,1,0,1,1,1,0,0,1,0,0,0,3,1,0.273178,-3000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6658",0,403,5000,0,5000,350,-6750,753,-6347,-1347,4228,36,17385,3,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,-6750,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6659",2150,35000,98000,64000,34000,600,600,37750,37750,71750,445100,57,53004,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,2750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6660",0,0,300000,150000,150000,5199,5199,5199,5199,155199,155199,46,90300,3,18,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,5199,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6661",0,0,150000,128000,22000,100,-200,100,-200,21800,22800,37,19644,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6662",0,390,180000,50000,130000,1000,300,1390,690,130690,130990,49,27675,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6663",5200,27500,75000,50000,25000,64500,64300,97200,97000,122000,152000,28,60033,2,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,69500,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6664",0,1800,0,0,0,900,-11100,2700,-9300,-9300,-1942,43,21675,2,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-11100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6665",0,60000,70000,39900,30100,6000,-200,66000,59800,89900,90400,61,47100,2,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-200,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6666",0,2100,66000,44800,21200,11000,11000,13100,13100,34300,40700,39,64359,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6667",500,10000,96000,59200,36800,27800,27800,38300,38300,75100,78600,31,62865,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,28300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6668",0,5500,6000,0,6000,0,-4700,5500,800,6800,7300,25,18312,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-4700,1,0,1,0,0,0,0,0,1,0,0,0,0 +"6669",5000,9015,0,0,0,41679,41679,55694,55694,55694,60183,58,44373,1,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,46679,0,0,0,0,0,1,0,0,0,0,0,0,1 +"6670",0,0,0,0,0,500,-5600,500,-5600,-5600,-5100,45,15300,2,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-5600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6671",0,11000,28000,16000,12000,1137,-12863,12137,-1863,10137,12937,43,69693,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-12863,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6672",0,300,145000,128000,17000,6000,5000,6300,5300,22300,54300,32,135447,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,5000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6673",0,240,160000,50000,110000,1000,-15000,1240,-14760,95240,205240,39,42600,3,14,0,1,1,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-15000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6674",0,0,22000,9000,13000,650,-5830,650,-5830,7170,7170,42,21156,6,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-5830,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6675",0,18200,75000,50000,25000,12850,12450,31050,30650,55650,64650,35,67767,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,12450,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6676",0,70000,175000,51000,124000,3182,682,73182,70682,194682,194682,42,89520,5,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,682,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6677",0,0,0,0,0,1500,200,1500,200,200,1950,31,39672,4,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.2951996,200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6678",0,80,0,0,0,200,200,280,280,280,1230,32,15579,4,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6679",0,0,140000,85000,55000,46000,45500,46000,45500,100500,106500,35,50400,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,45500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6680",17000,32000,145000,64000,81000,38920,38920,87920,87920,168920,175920,38,35982,4,16,0,1,1,0,1,1,1,1,0,0,0,1,4,4,0.3524857,55920,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6681",0,0,202500,150000,52500,250,-1550,250,-1550,50950,85904,35,16371,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-1550,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6682",0,42000,50000,39500,10500,1000,1000,43000,43000,53500,53500,38,11604,4,5,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,1000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6683",0,0,0,0,0,0,-16000,0,-16000,-16000,-13800,50,33690,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-16000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6684",0,4012,70000,40000,30000,17815,11615,21827,15627,45627,69627,34,58881,5,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,11615,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6685",0,3700,65000,60000,5000,2000,1400,5700,5100,10100,10100,28,54300,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1400,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6686",46000,104000,200000,150000,50000,53700,38700,203700,188700,238700,238700,55,87735,2,1,1,1,1,1,1,1,1,1,1,0,0,0,7,1,0.7316045,84700,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6687",0,19000,6000,0,6000,400,-2500,19400,16500,22500,23000,55,13653,2,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-2500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6688",0,5200,0,0,0,50,50,5250,5250,5250,5950,30,26877,1,8,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2060434,50,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6689",0,0,0,0,0,0,0,0,0,0,0,47,10125,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6690",0,0,0,0,0,538,538,538,538,538,34138,27,28704,3,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,538,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6691",0,83,0,0,0,1500,1200,1583,1283,1283,6058,34,20445,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,1200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6692",20700,720,72000,3500,68500,35,-2215,21455,19205,87705,110905,55,37026,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,18485,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6693",0,2000,35000,0,35000,1000,1000,3000,3000,38000,40980,48,36528,6,6,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6694",0,0,92000,38000,54000,3400,3400,3400,3400,57400,69400,33,52659,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,3400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6695",0,3800,59500,59500,0,4449,1949,8249,5749,5749,5749,42,57852,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1949,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6696",0,7500,56000,0,56000,2090,-1260,9590,6240,62240,65240,43,20430,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-1260,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6697",0,1000,0,0,0,100,-1200,1100,-200,-200,4750,37,10203,1,9,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,-1200,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6698",0,42800,0,0,0,1510,1510,44310,44310,44310,44810,53,16002,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,1510,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6699",0,1000,0,0,0,0,0,1000,1000,1000,1000,51,13005,5,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"6700",0,11000,73000,20200,52800,1000,1000,12000,12000,64800,68800,50,25395,1,11,0,0,0,0,1,1,1,0,1,0,0,0,3,1,0.2694195,1000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6701",0,0,115000,70000,45000,36999,36199,36999,36199,81199,102942,45,30120,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,36199,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6702",0,2148,300000,150000,150000,54800,51800,56948,53948,203948,325948,43,65700,5,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,51800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6703",12000,20000,125000,0,125000,4600,4600,36600,36600,161600,171100,61,29832,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,16600,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6704",0,0,78000,46000,32000,17499,17199,17499,17199,49199,86999,50,48042,5,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,17199,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6705",2201,80000,125000,0,125000,58143,57428,140344,139629,264629,264629,54,102435,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,59629,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6706",33500,33500,300000,145000,155000,51500,51500,118500,118500,273500,290500,42,97494,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,85000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6707",0,0,69000,44000,25000,34900,34900,34900,34900,59900,69906,46,70374,5,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,34900,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6708",5837,0,40000,4100,35900,19287,19287,25124,25124,61024,61024,49,54492,2,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,25124,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6709",0,6000,2500,0,2500,1000,1000,7000,7000,9500,16000,35,39327,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6710",0,0,120000,99000,21000,5049,3049,5049,3049,24049,29529,39,16614,8,10,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,3049,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6711",0,0,150000,41125,108875,1530,1309,1530,1309,110184,150184,53,47919,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1309,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6712",0,25000,100000,25000,75000,81500,81300,106500,106300,181300,181300,44,72000,8,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,81300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6713",0,0,45000,35000,10000,10,-4490,10,-4490,5510,6643,36,22749,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-4490,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6714",0,35000,155000,0,155000,31049,31049,66049,66049,221049,223849,52,42252,2,14,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5315816,31049,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6715",0,7500,0,0,0,1249,-4251,8749,3249,3249,6599,45,50235,2,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,-4251,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6716",5000,35000,0,0,0,0,0,40000,40000,40000,42500,48,48276,1,16,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,5000,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6717",0,0,45000,0,45000,0,-2000,0,-2000,43000,43000,46,20400,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,-2000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6718",18000,0,0,0,0,700,-4300,18700,13700,13700,13700,53,46824,2,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.3442089,13700,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6719",0,80000,50000,29000,21000,2918,-482,82918,79518,100518,106593,39,34950,2,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-482,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6720",0,3116,59000,52000,7000,6000,1000,9116,4116,11116,11678,31,57918,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,1000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6721",0,9500,150000,100000,50000,8000,2000,17500,11500,61500,61500,31,76704,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,2000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6722",0,2200,65000,35000,30000,80,-120,2280,2080,32080,32080,28,64137,4,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-120,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6723",0,0,0,0,0,885,-13115,885,-13115,-13115,-8715,30,25533,6,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-13115,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6724",0,0,50000,47000,3000,700,-250,700,-250,2750,2750,40,35064,5,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-250,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6725",0,180,75000,0,75000,500,500,680,680,75680,75680,51,45015,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6726",0,12000,0,0,0,6500,6500,18500,18500,18500,21700,42,24546,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6727",0,1400,140000,102000,38000,30898,26398,32298,27798,65798,74798,50,34470,5,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,26398,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6728",0,912,0,0,0,749,119,1661,1031,1031,4981,25,10545,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,119,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6729",0,300,0,0,0,150,-9550,450,-9250,-9250,-8750,39,19833,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9550,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6730",0,0,225000,130000,95000,25500,18500,25500,18500,113500,133500,40,26910,4,13,1,1,0,0,1,1,0,0,0,0,1,0,3,3,0.3978536,18500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6731",0,0,0,0,0,3000,1500,3000,1500,1500,10596,25,30960,1,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3086649,1500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6732",0,0,34000,33000,1000,500,-8000,500,-8000,-7000,6000,33,35832,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-8000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6733",19800,32000,275000,60000,215000,304000,299500,355800,351300,566300,573300,51,77850,5,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,319300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6734",0,1800,100000,38900,61100,0,-2800,1800,-1000,60100,62600,43,19104,3,8,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,-2800,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6735",0,5000,0,0,0,500,270,5500,5270,5270,12680,53,66000,2,15,0,0,1,0,1,1,1,0,0,0,1,0,6,3,0.3169526,270,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6736",0,2500,55000,0,55000,900,-800,3400,1700,56700,75700,60,31275,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,0,0,1 +"6737",0,5200,48000,32900,15100,2100,1900,7300,7100,22200,43200,27,54996,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1900,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6738",0,0,5555,5000,555,13300,13000,13300,13000,13555,49891,56,23880,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,13000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6739",0,11231,0,0,0,499,499,11730,11730,11730,12360,43,35331,3,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.2951996,499,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6740",0,700,135000,65000,70000,2400,-4900,3100,-4200,65800,67300,30,40974,5,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-4900,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6741",0,0,34010,38000,-3990,44,-2542,44,-2542,-6532,-1532,34,27213,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-2542,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6742",0,125,0,0,0,18200,18200,18325,18325,18325,24750,29,15870,1,16,1,0,1,0,1,1,1,0,0,0,0,1,2,4,0.4215196,18200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6743",0,7800,120000,81000,39000,15120,14820,22920,22620,61620,82173,35,34758,1,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3866406,14820,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6744",5000,2500,65000,57500,7500,24025,23225,31525,30725,38225,39191,48,34701,2,18,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,28225,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6745",0,0,0,0,0,0,0,0,0,0,1000,40,22560,1,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6746",0,0,0,0,0,500,-4500,500,-4500,-4500,-3000,27,14430,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-4500,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6747",0,13000,75000,48000,27000,80,-920,13080,12080,39080,42280,36,27000,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-920,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6748",2800,250,48000,48000,0,300,300,3350,3350,3350,3350,44,17991,3,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.1464927,3100,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6749",13000,7600,140000,135000,5000,4500,-6270,25100,14330,19330,120330,39,94860,5,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,6730,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6750",0,0,110000,15000,95000,2000,-800,2000,-800,94200,94200,32,60360,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6751",32000,500,0,0,0,104200,104200,136700,136700,136700,139700,54,44052,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.3442089,136200,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6752",0,7400,125000,114300,10700,400,-100,7800,7300,18000,18000,28,60270,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-100,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6753",0,22500,120000,61000,59000,11500,-500,34000,22000,81000,81000,33,64296,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6754",0,0,114000,89500,24500,4882,2882,4882,2882,27382,37382,40,36174,2,12,0,1,1,1,1,1,0,0,0,1,0,0,4,2,0.3719455,2882,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6755",0,900,30000,0,30000,0,0,900,900,30900,31400,39,9600,3,10,1,0,1,0,1,1,1,0,1,0,0,0,1,1,0.3536102,0,1,1,0,0,0,0,0,0,0,0,1,0,0 +"6756",0,5260,87000,87000,0,6248,5448,11508,10708,10708,20708,29,73650,2,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,5448,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6757",10000,4000,125000,25000,100000,1400,-8600,15400,5400,105400,111400,60,50622,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,1400,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6758",60000,7000,225000,131000,94000,40257,40257,107257,107257,201257,204257,44,102189,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,100257,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6759",0,3500,0,0,0,300,-4850,3800,-1350,-1350,1450,31,30198,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-4850,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6760",0,1000,0,0,0,21599,21599,22599,22599,22599,30944,29,26064,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,21599,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6761",0,300,0,0,0,20,20,320,320,320,320,55,7650,1,10,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3021799,20,0,1,0,0,0,0,0,0,0,0,0,0,1 +"6762",0,7000,100000,76000,24000,6000,4800,13000,11800,35800,38300,33,32361,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,4800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6763",100,0,85000,70000,15000,1000,-1800,1100,-1700,13300,13300,31,58809,5,18,0,1,0,0,1,1,0,1,0,0,0,1,6,4,0.5336504,-1700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6764",55000,10000,55300,0,55300,13000,12875,78000,77875,133175,165975,58,66987,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,67875,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6765",0,26500,160000,65000,95000,4700,3600,31200,30100,125100,137100,52,42540,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,3600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6766",0,28,85000,75000,10000,8,-767,36,-739,9261,9261,33,8415,3,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.036628,-767,1,1,0,0,0,0,0,0,0,1,0,0,0 +"6767",0,28500,89000,74000,15000,1400,900,29900,29400,44400,50900,45,56304,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,900,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6768",2800,45000,160000,15000,145000,205999,205199,253799,252999,397999,406349,60,24114,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,207999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6769",0,12050,225000,54000,171000,3000,3000,15050,15050,186050,186050,56,15882,2,3,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3623197,3000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6770",0,80000,130000,90000,40000,3150,-9850,83150,70150,110150,110650,43,54585,2,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-9850,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6771",0,0,93000,84900,8100,20689,19689,20689,19689,27789,35789,30,64944,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,19689,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6772",0,150,118000,65000,53000,4109,3409,4259,3559,56559,60109,39,34596,4,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,3409,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6773",0,0,145000,81000,64000,100,-3900,100,-3900,60100,69100,43,18246,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-3900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6774",0,0,135000,0,135000,41900,40900,41900,40900,175900,175900,42,49596,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,40900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6775",0,500,80000,40000,40000,1954,454,2454,954,40954,51504,57,23079,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,454,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6776",21000,0,200000,25000,175000,301000,301000,322000,322000,497000,562679,62,64545,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,322000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6777",2600,1482,43000,41000,2000,1958,-1942,6040,2140,4140,9440,35,32244,2,12,0,1,1,1,1,1,1,1,0,1,0,0,4,2,0.3524857,658,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6778",0,4000,120000,86057,33943,5500,5000,9500,9000,42943,46745,43,69138,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,5000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6779",0,4500,100000,83000,17000,700,168,5200,4668,21668,23668,30,54015,3,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,168,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6780",0,0,55000,42000,13000,18100,16350,18100,16350,29350,30350,42,26580,5,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2694195,16350,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6781",0,93250,125000,69600,55400,134,-866,93384,92384,147784,189784,46,58659,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-866,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6782",0,15000,225000,96000,129000,900,-10130,15900,4870,133870,133870,37,48594,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-10130,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6783",0,0,65000,48000,17000,4500,3500,4500,3500,20500,38750,41,40050,2,18,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6784",0,0,90000,0,90000,4595,3695,4595,3695,93695,106695,54,50859,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,3695,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6785",0,4000,90000,48000,42000,2300,700,6300,4700,46700,49700,49,65136,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6786",0,50000,30000,0,30000,10249,10249,60249,60249,90249,101074,60,20796,2,8,1,0,1,0,1,1,1,0,1,0,0,0,3,1,0.491887,10249,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6787",19000,75000,115000,80000,35000,1007024,1004624,1101024,1098624,1133624,1150677,37,55263,3,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,1023624,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6788",0,80000,115000,90000,25000,905000,903000,985000,983000,1008000,1008000,47,179100,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,903000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6789",0,1200,0,0,0,999,-1301,2199,-101,-101,2399,38,57219,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,-1301,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6790",0,40000,300000,150000,150000,133200,131700,173200,171700,321700,326700,35,73800,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,131700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6791",0,5000,85000,68000,17000,5000,4750,10000,9750,26750,58750,40,74022,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,4750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6792",0,700,0,0,0,16697,14897,17397,15597,15597,36797,38,51048,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,14897,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6793",0,1400,45000,35000,10000,5300,-100,6700,1300,11300,23300,34,38940,4,15,1,1,1,0,1,1,1,0,0,0,1,0,4,3,0.5297047,-100,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6794",0,700,200000,109338,90662,1120,920,1820,1620,92282,92282,43,26214,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,920,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6795",5000,50000,135000,70000,65000,76000,75700,131000,130700,195700,229900,47,85968,3,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.7316045,80700,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6796",0,0,0,0,0,0,0,0,0,0,0,26,14985,8,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6797",0,58000,85000,77000,8000,599,-4461,58599,53539,61539,71539,36,35136,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,-4461,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6798",0,5000,0,0,0,0,-5000,5000,0,0,1625,30,21384,1,13,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6799",0,0,80000,57000,23000,103998,96498,103998,96498,119498,120498,40,86292,4,16,0,1,0,0,1,1,0,0,0,0,0,1,7,4,0.5679367,96498,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6800",29000,33500,77000,0,77000,34500,32400,97000,94900,171900,171900,52,69726,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,61400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6801",0,3000,55000,35000,20000,16000,15850,19000,18850,38850,52275,38,38664,3,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,15850,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6802",0,0,50000,0,50000,3500,3500,3500,3500,53500,57411,60,29784,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,3500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6803",23200,3600,55000,48000,7000,16100,13250,42900,40050,47050,47050,32,47691,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,36450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6804",30700,50600,120000,80000,40000,51119,50544,132419,131844,171844,171844,32,39882,5,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,81244,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6805",10000,0,0,0,0,25884,24980,35884,34980,34980,34980,45,96945,2,18,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.4696543,34980,0,0,0,0,0,0,0,1,0,0,0,1,0 +"6806",0,60,0,0,0,0,-352,60,-292,-292,6708,27,17400,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-352,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6807",0,1000,200000,118000,82000,65100,58400,66100,59400,141400,141400,38,29220,3,15,0,1,1,1,1,1,1,0,0,0,1,0,3,3,0.273178,58400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6808",0,0,35000,25000,10000,3000,2500,3000,2500,12500,22500,39,57330,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6809",34500,19000,50000,0,50000,29699,29699,83199,83199,133199,220199,60,25542,3,18,1,1,0,0,1,1,1,1,0,0,0,1,3,4,0.3788275,64199,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6810",20000,5000,210000,100000,110000,14500,-2700,39500,22300,132300,133800,62,23514,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,17300,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6811",0,0,0,0,0,0,-4150,0,-4150,-4150,-4150,28,48162,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.3243191,-4150,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6812",0,0,40000,28500,11500,29200,26700,29200,26700,38200,54200,38,71346,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,26700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6813",8000,28000,300000,150000,150000,19471,19471,55471,55471,205471,205471,41,104169,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,27471,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6814",10000,50000,300000,90000,210000,6000,4600,66000,64600,274600,328625,49,54315,2,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,14600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6815",5000,15200,63000,63000,0,8048,-5952,28248,14248,14248,18748,43,80490,4,14,0,1,1,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-952,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6816",0,2300,0,0,0,100000,100000,102300,102300,102300,157300,45,42174,4,8,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,100000,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6817",0,80000,170000,118000,52000,37749,22349,117749,102349,154349,162349,55,93756,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,22349,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6818",826,650,40000,32000,8000,600,-1600,2076,-124,7876,23376,45,41292,5,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,-774,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6819",0,5800,103900,92000,11900,2115,-5035,7915,765,12665,20415,30,57834,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-5035,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6820",0,0,95000,0,95000,8500,4800,8500,4800,99800,102300,54,29310,1,18,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,4800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6821",19165,832,0,0,0,46950,46950,66947,66947,66947,68697,46,52248,3,13,0,0,0,0,1,1,1,1,0,0,1,0,6,3,0.3107966,66115,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6822",5509,0,120000,96000,24000,1700,-4300,7209,1209,25209,32059,31,31017,5,16,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,1209,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6823",8800,100,60000,54000,6000,8672,8272,17572,17172,23172,32172,33,64926,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,17072,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6824",0,1000,0,0,0,11199,2429,12199,3429,3429,3429,28,29739,3,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.2092901,2429,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6825",0,5000,0,0,0,250,-2800,5250,2200,2200,4533,29,29235,2,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-2800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6826",0,1200,40000,36000,4000,705,705,1905,1905,5905,25905,51,44292,8,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,705,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6827",34000,50000,300000,150000,150000,100549,100549,184549,184549,334549,334549,39,128793,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,134549,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6828",0,6000,250000,127000,123000,18100,16100,24100,22100,145100,149100,42,77706,5,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,16100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6829",0,0,0,0,0,1329,-38171,1329,-38171,-38171,-27071,26,47730,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.3243191,-38171,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6830",3500,834,30000,22500,7500,600,-1475,4934,2859,10359,14359,35,27600,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,2025,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6831",0,3000,0,0,0,0,-220,3000,2780,2780,2780,27,17850,6,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-220,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6832",0,30000,200000,133000,67000,2000,-8000,32000,22000,89000,90000,35,64500,1,14,1,0,1,0,1,1,1,0,0,0,1,0,6,3,0.7472324,-8000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6833",0,500,102000,96500,5500,1000,-6100,1500,-5600,-100,4900,26,44094,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-6100,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6834",0,0,0,0,0,0,0,0,0,0,0,43,30000,1,14,1,1,1,0,1,1,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6835",0,2700,0,0,0,175,-2825,2875,-125,-125,2041,25,20169,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-2825,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6836",0,0,70000,58000,12000,1250,-3750,1250,-3750,8250,8250,42,28845,2,16,1,1,1,0,1,1,0,0,0,0,0,1,3,4,0.3978536,-3750,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6837",0,0,0,0,0,0,0,0,0,0,12575,58,10200,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"6838",0,30000,152500,142000,10500,2000,-14000,32000,16000,26500,34500,43,56670,4,11,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,-14000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6839",0,3500,60000,60000,0,2100,2100,5600,5600,5600,5600,39,61986,4,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,2100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6840",0,22000,58000,41900,16100,5000,4900,27000,26900,43000,46350,44,27891,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,4900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6841",0,4000,0,0,0,1214,-1786,5214,2214,2214,2214,28,45621,4,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,-1786,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6842",500,3000,0,0,0,249,249,3749,3749,3749,3749,27,25689,2,13,0,1,0,1,1,1,1,1,0,0,1,0,3,3,0.2061994,749,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6843",0,2000,70000,62500,7500,7249,1761,9249,3761,11261,11536,51,17496,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,1761,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6844",3600,80000,98000,56000,42000,5170,-7015,88770,76585,118585,129805,43,74439,4,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,-3415,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6845",13500,42000,0,0,0,16798,12408,72298,67908,67908,67908,40,44778,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7125204,25908,0,0,0,0,0,1,0,0,0,0,1,0,0 +"6846",16000,13000,190000,80000,110000,7749,7299,36749,36299,146299,146299,44,59826,4,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23299,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6847",0,0,0,0,0,0,0,0,0,0,0,51,20400,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6848",22000,16000,126000,88000,38000,35400,27500,73400,65500,103500,135500,54,51990,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,49500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6849",0,0,0,0,0,1530,-3670,1530,-3670,-3670,4009,25,16878,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.1152104,-3670,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6850",3400,9000,159000,36500,122500,3500,1000,15900,13400,135900,198900,46,40830,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,4400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6851",0,3000,0,0,0,1350,-11950,4350,-8950,-8950,-8950,29,29997,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-11950,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6852",10800,0,85000,0,85000,7499,6469,18299,17269,102269,187269,47,37962,3,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,17269,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6853",34000,37000,255000,150000,105000,9000,3800,80000,74800,179800,179800,40,84687,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6854",900,1000,0,0,0,662,-11338,2562,-9438,-9438,-6563,33,23415,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,-10438,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6855",0,0,0,0,0,2600,-2400,2600,-2400,-2400,81600,35,39360,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,-2400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6856",0,2000,0,0,0,4999,4999,6999,6999,6999,34999,47,42147,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,4999,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6857",0,0,53000,48000,5000,3150,3150,3150,3150,8150,17203,31,24390,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,3150,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6858",950,390,66000,65000,1000,500,-3890,1840,-2550,-1550,-1050,37,35070,5,12,0,0,1,0,1,1,1,1,0,1,0,0,4,2,0.3669286,-2940,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6859",0,10000,85000,75000,10000,999,999,10999,10999,20999,22999,39,27615,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6860",0,2000,20000,10500,9500,1200,950,3200,2950,12450,27079,60,23325,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,950,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6861",0,0,32250,32250,0,2863,-387,2863,-387,-387,8313,47,36906,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-387,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6862",0,0,75000,12000,63000,3456,3006,3456,3006,66006,66006,49,53649,3,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,3006,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6863",8000,2500,169000,139000,30000,18598,9098,29098,19598,49598,175598,42,37236,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,17098,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6864",0,4000,48000,25000,23000,0,0,4000,4000,27000,37679,49,23319,5,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6865",19000,15000,200000,65000,135000,145000,143000,179000,177000,312000,342000,44,133596,3,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,162000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6866",0,0,112000,85000,27000,4249,4149,4249,4149,31149,32349,38,48327,5,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,4149,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6867",25000,80000,130000,70000,60000,24000,23000,129000,128000,188000,188000,45,79485,4,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,48000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6868",0,2000,0,0,0,131000,123000,133000,125000,125000,221553,54,29040,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,123000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6869",25000,80000,200000,122000,78000,93010,77010,198010,182010,260010,310385,41,74532,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,102010,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6870",23450,0,175000,0,175000,21000,20914,44450,44364,219364,219364,48,34275,6,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,44364,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6871",0,6000,120000,42000,78000,13349,2349,19349,8349,86349,100749,40,54594,4,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2349,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6872",0,9750,0,0,0,0,0,9750,9750,9750,9750,31,12000,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6873",10000,200,200000,114000,86000,25274,16674,35474,26874,112874,114474,32,112500,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,26674,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6874",12000,0,0,0,0,35459,35459,47459,47459,47459,47959,51,33585,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,47459,0,0,0,0,1,0,0,0,0,0,0,1,0 +"6875",46000,2900,150000,0,150000,60900,60900,109800,109800,259800,259800,37,67512,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,106900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6876",0,5500,40000,18000,22000,1812,-3188,7312,2312,24312,24312,60,14181,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-3188,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6877",15000,13000,300000,34000,266000,262000,262000,290000,290000,556000,676000,61,79872,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,277000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6878",3000,0,0,0,0,2700,700,5700,3700,3700,8875,35,44205,1,17,1,0,0,0,1,1,0,1,0,0,0,1,5,4,0.6430668,3700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6879",5700,10000,130000,75000,55000,3000,-9300,18700,6400,61400,65700,38,82995,5,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-3600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6880",0,6000,0,0,0,1500,-8500,7500,-2500,-2500,0,31,26925,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-8500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6881",7000,26400,215000,145000,70000,7050,5750,40450,39150,109150,182150,44,81000,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,12750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6882",22000,0,205000,150000,55000,40000,40000,62000,62000,117000,117000,33,100296,4,18,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,62000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6883",13000,12450,0,0,0,20700,20700,46150,46150,46150,46150,32,46500,2,18,0,1,1,1,1,1,1,1,0,0,0,1,5,4,0.3442089,33700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6884",0,900,0,0,0,2360,1860,3260,2760,2760,6110,42,25257,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,1860,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6885",0,5260,120000,85000,35000,7799,7799,13059,13059,48059,59655,29,43047,1,17,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,7799,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6886",0,0,60000,43500,16500,4480,-3520,4480,-3520,12980,19980,36,54768,5,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-3520,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6887",2600,28000,65000,59200,5800,10200,8200,40800,38800,44600,64200,47,45870,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,10800,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6888",11000,31075,190000,140000,50000,12200,10400,54275,52475,102475,102475,44,68352,5,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,21400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6889",0,1000,0,0,0,0,-8438,1000,-7438,-7438,-5938,36,1962,1,14,0,0,0,0,1,1,1,0,0,0,1,0,1,3,0.0278493,-8438,0,1,0,0,0,0,0,0,0,0,1,0,0 +"6890",0,8500,75000,58500,16500,4000,1750,12500,10250,26750,34750,27,53340,2,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1750,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6891",0,9000,120000,95500,24500,0,-13100,9000,-4100,20400,22733,38,45600,2,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,-13100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6892",0,180,80000,62000,18000,1700,-700,1880,-520,17480,17480,31,25080,4,14,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6893",0,30000,300000,150000,150000,64500,62700,94500,92700,242700,243200,46,53775,2,14,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,62700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6894",0,500,70000,58000,12000,0,-1500,500,-1000,11000,16075,35,41886,2,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-1500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6895",9000,35000,150000,80000,70000,57010,57010,101010,101010,171010,251010,46,75600,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,66010,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6896",0,0,30000,0,30000,20000,16000,20000,16000,46000,46000,60,0,6,4,0,1,0,1,1,1,0,0,1,0,0,0,1,1,0.062312,16000,1,1,0,0,0,0,0,0,0,0,0,0,1 +"6897",0,9000,110000,57000,53000,6500,4600,15500,13600,66600,66600,37,41994,5,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,4600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6898",23190,0,0,0,0,10447,10447,33637,33637,33637,105137,37,37476,4,16,0,1,0,0,1,1,0,1,0,0,0,1,4,4,0.277538,33637,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6899",0,0,0,0,0,9223,9223,9223,9223,9223,10723,56,27276,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,9223,0,0,0,1,0,0,0,0,0,0,0,0,1 +"6900",0,300,16000,0,16000,21000,17050,21300,17350,33350,133350,30,30036,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,17050,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6901",4120,20000,275000,135000,140000,18400,17900,67520,67020,207020,371020,45,74100,5,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,22020,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6902",0,0,65000,25000,40000,9700,7700,9700,7700,47700,107700,59,45270,2,12,1,1,0,0,1,1,0,0,0,1,0,0,5,2,0.6077043,7700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6903",0,0,58000,0,58000,10798,9298,10798,9298,67298,72973,30,14643,1,16,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4041266,9298,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6904",0,5000,40000,0,40000,31000,31000,36000,36000,76000,78500,56,25143,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,31000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6905",0,300,55000,39000,16000,6959,5959,7259,6259,22259,22259,37,36531,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,5959,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6906",21000,80000,175000,16500,158500,54312,54312,155312,155312,313812,313812,60,90390,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,75312,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6907",0,15,72000,54900,17100,12399,12399,12414,12414,29514,29514,36,59112,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,12399,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6908",0,1500,100000,100000,0,24100,24100,25600,25600,25600,25600,32,57363,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,24100,1,0,0,0,0,0,1,0,0,1,0,0,0 +"6909",30000,11000,40000,12000,28000,22600,22600,63600,63600,91600,97600,60,57678,2,14,1,1,1,1,1,1,1,1,0,0,1,0,6,3,0.7130944,52600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6910",13000,0,200000,75000,125000,61289,61289,74289,74289,199289,199289,36,85689,2,13,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,74289,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6911",0,0,75000,0,75000,13094,-1456,13094,-1456,73544,75544,28,57360,2,15,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-1456,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6912",0,4000,38000,33000,5000,400,-7400,4400,-3400,1600,1600,54,22287,2,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-7400,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6913",925,7800,80000,75000,5000,2544,1941,11269,10666,15666,15666,38,42597,4,13,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,2866,1,0,0,0,0,1,0,0,0,0,1,0,0 +"6914",2000,600,190000,55000,135000,7500,-500,10100,2100,137100,353100,55,116199,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,1500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"6915",9300,50000,155000,45000,110000,2449,2449,61749,61749,171749,180055,51,22902,1,16,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,11749,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6916",0,2000,100000,66000,34000,180030,179830,182030,181830,215830,230830,38,65676,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,179830,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6917",0,0,0,0,0,400,400,400,400,400,80093,40,16374,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6918",0,1000,0,0,0,9050,6650,10050,7650,7650,14546,27,28458,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,6650,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6919",0,0,2000,406,1594,0,0,0,0,1594,2444,31,21600,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6920",550,0,43000,0,43000,217,-1672,767,-1122,41878,44403,42,32439,1,13,0,0,0,0,1,1,0,1,0,0,1,0,4,3,0.3669286,-1122,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6921",0,0,0,0,0,15,15,15,15,15,15,49,24450,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,15,0,0,0,1,0,0,0,0,0,0,0,1,0 +"6922",0,60,70000,0,70000,0,-4553,60,-4493,65507,67307,27,29916,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-4553,1,0,0,1,0,0,0,0,1,0,0,0,0 +"6923",34800,16000,170000,147150,22850,95926,93626,146726,144426,167276,367276,45,138441,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,128426,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6924",0,0,35000,15000,20000,0,0,0,0,20000,70000,63,19380,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 +"6925",0,50000,55000,0,55000,80000,80000,130000,130000,185000,192300,62,27240,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,80000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6926",2800,6000,0,0,0,2050,1850,10850,10650,10650,10650,28,44976,2,17,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7125204,4650,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6927",2000,1500,69000,23500,45500,749,-6051,4249,-2551,42949,57311,46,54045,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,-4051,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6928",0,0,0,0,0,9000,8500,9000,8500,8500,11550,36,36180,1,14,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,8500,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6929",0,5000,0,0,0,3100,2850,8100,7850,7850,7850,35,28710,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,2850,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6930",4800,9000,0,0,0,2200,-300,16000,13500,13500,24000,42,66210,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5500422,4500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"6931",2600,25000,160000,48000,112000,46050,45050,73650,72650,184650,202150,45,67425,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,47650,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6932",0,0,60000,10000,50000,7580,7580,7580,7580,57580,62105,49,19167,1,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,7580,1,0,1,0,0,0,0,0,0,0,0,1,0 +"6933",0,2000,60000,34000,26000,1990,1490,3990,3490,29490,32065,37,26895,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,1490,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6934",0,4000,130000,57000,73000,48007,42507,52007,46507,119507,179507,26,44535,2,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,42507,1,0,0,0,0,1,0,0,1,0,0,0,0 +"6935",50000,4500,185000,0,185000,65597,65597,120097,120097,305097,385097,55,40641,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,115597,1,0,0,0,0,1,0,0,0,0,0,0,1 +"6936",0,0,0,0,0,1000,-2000,1000,-2000,-2000,-1300,29,36618,1,15,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6937",0,4304,35000,17000,18000,3265,2982,7569,7286,25286,38186,53,40125,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,2982,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6938",0,14000,0,0,0,7974,-63376,21974,-49376,-49376,-34876,37,33606,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.2951996,-63376,0,0,0,0,1,0,0,0,0,0,1,0,0 +"6939",0,1000,53500,41000,12500,2300,1500,3300,2500,15000,15000,32,36348,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6940",0,0,63000,55000,8000,2930,-3070,2930,-3070,4930,5880,43,15444,7,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-3070,1,0,1,0,0,0,0,0,0,0,1,0,0 +"6941",0,785,0,0,0,0,0,785,785,785,785,43,26298,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6942",0,0,10000,0,10000,1000,660,1000,660,10660,12201,30,21582,5,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,660,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6943",0,2500,0,0,0,0,0,2500,2500,2500,8000,25,11649,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6944",0,7200,250000,135000,115000,11050,10900,18250,18100,133100,133100,29,53685,7,12,0,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5405443,10900,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6945",0,0,0,0,0,2550,-8100,2550,-8100,-8100,-3481,30,35064,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-8100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"6946",0,18000,65000,39000,26000,1218,-5582,19218,12418,38418,43418,64,29850,2,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-5582,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6947",0,15000,200000,150000,50000,525,-13675,15525,1325,51325,67125,39,54480,5,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-13675,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6948",0,0,0,0,0,0,-1600,0,-1600,-1600,13400,45,46812,4,18,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.3243191,-1600,0,0,0,0,0,1,0,0,0,0,0,1,0 +"6949",0,7500,100000,86000,14000,10450,10450,17950,17950,31950,31950,41,77457,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,10450,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6950",0,600,0,0,0,25,-825,625,-225,-225,-225,29,21420,3,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-825,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6951",13060,5100,150000,77000,73000,8255,155,26415,18315,91315,112815,43,66033,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,13215,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6952",0,2000,37000,17000,20000,625,-575,2625,1425,21425,27021,33,16860,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-575,1,0,1,0,0,0,0,0,0,1,0,0,0 +"6953",0,7000,225000,150000,75000,609,-2491,7609,4509,79509,79509,45,70668,6,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-2491,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6954",0,0,0,0,0,10410,10410,10410,10410,10410,12335,33,26943,2,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,10410,0,0,0,1,0,0,0,0,0,1,0,0,0 +"6955",0,18000,101000,101000,0,2600,-5400,20600,12600,12600,23433,39,31530,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-5400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6956",0,10000,170000,130000,40000,4650,2150,14650,12150,52150,57650,32,43620,3,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,2150,1,0,0,0,0,1,0,0,0,1,0,0,0 +"6957",0,0,178500,150000,28500,5500,-5450,5500,-5450,23050,54250,26,57519,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-5450,1,0,0,0,0,0,1,0,1,0,0,0,0 +"6958",6273,0,0,0,0,13000,11900,24273,23173,23173,1338173,48,126396,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.4888144,18173,0,0,0,0,0,0,0,1,0,0,0,1,0 +"6959",0,134,0,0,0,526,-14094,660,-13960,-13960,-13960,27,22050,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-14094,0,0,0,1,0,0,0,0,1,0,0,0,0 +"6960",14100,80000,72000,60000,12000,30500,30500,124600,124600,136600,213600,53,73278,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,44600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6961",0,0,30000,15000,15000,22550,22050,22550,22050,37050,41729,37,30504,2,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3866406,22050,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6962",5000,37580,69000,56000,13000,5204,3004,47784,45584,58584,91502,40,50646,2,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8004,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6963",0,0,265000,142000,123000,6110,6110,6110,6110,129110,130610,52,66000,3,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,6110,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6964",0,0,54000,35000,19000,22000,18000,22000,18000,37000,40500,52,44250,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,18000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"6965",0,0,40000,30000,10000,9499,8799,9499,8799,18799,218799,36,65097,4,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,8799,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6966",0,1500,0,0,0,4000,4000,5500,5500,5500,21638,26,42150,1,18,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,4000,0,0,0,0,0,1,0,0,1,0,0,0,0 +"6967",0,0,0,0,0,0,-7000,0,-7000,-7000,-7000,33,11349,4,13,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-7000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6968",0,0,71000,33500,37500,33500,33500,33500,33500,71000,71000,34,80694,3,10,0,1,1,0,1,1,0,0,1,0,0,0,7,1,0.5679367,33500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6969",0,5800,130000,96000,34000,8000,111,13800,5911,39911,39911,30,24150,4,16,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.273178,111,1,0,0,1,0,0,0,0,0,1,0,0,0 +"6970",80000,10000,195000,25000,170000,125600,125600,215600,215600,385600,386600,53,111282,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,205600,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6971",0,24000,55000,48000,7000,875,-1882,24875,22118,29118,40118,30,38457,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,-1882,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6972",0,10000,93000,93000,0,3799,2299,13799,12299,12299,16149,47,68553,2,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,2299,1,0,0,0,0,0,1,0,0,0,0,1,0 +"6973",0,23000,74000,53000,21000,16100,14100,39100,37100,58100,64275,38,27060,3,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,14100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6974",0,0,0,0,0,1000,1000,1000,1000,1000,1000,39,10899,3,6,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6975",0,25000,0,0,0,0,-500,25000,24500,24500,24500,53,60741,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,-500,0,0,0,0,0,0,1,0,0,0,0,1,0 +"6976",0,425,0,0,0,10,-1990,435,-1565,-1565,-1565,32,41724,2,9,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,-1990,0,0,0,0,0,1,0,0,0,1,0,0,0 +"6977",40000,81000,115000,36000,79000,121000,121000,242000,242000,321000,321000,47,100530,4,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,161000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6978",0,4000,106000,51000,55000,7749,-1301,11749,2699,57699,62699,43,39255,5,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-1301,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6979",9000,0,60000,45000,15000,6348,6348,15348,15348,30348,53348,56,23415,3,16,0,1,0,1,1,1,0,1,0,0,0,1,3,4,0.2696004,15348,1,0,0,1,0,0,0,0,0,0,0,0,1 +"6980",4000,3000,150000,139900,10100,5499,-20701,12499,-13701,-3601,-3601,34,82488,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-16701,1,0,0,0,0,0,0,1,0,1,0,0,0 +"6981",0,0,50000,20000,30000,499,-1,499,-1,29999,29999,41,27786,3,16,1,1,1,1,1,1,0,0,0,0,0,1,3,4,0.3978536,-1,1,0,0,1,0,0,0,0,0,0,1,0,0 +"6982",0,13000,0,0,0,3000,-16978,16000,-3978,-3978,-3978,29,32244,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-16978,0,0,0,0,1,0,0,0,1,0,0,0,0 +"6983",0,0,0,0,0,7700,5700,7700,5700,5700,7650,36,24750,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,5700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"6984",6392,19200,128700,128700,0,9000,7400,34592,32992,32992,77992,40,80664,4,15,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,13792,1,0,0,0,0,0,0,1,0,0,1,0,0 +"6985",5300,37000,80000,33000,47000,2200,-1800,44500,40500,87500,132084,61,74091,3,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,3500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6986",0,0,164000,150000,14000,349,-851,349,-851,13149,19349,40,33615,4,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-851,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6987",10500,30000,240000,150000,90000,127000,112000,167500,152500,242500,257500,48,121173,3,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,122500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"6988",35000,600,25000,0,25000,7000,7000,42600,42600,67600,68600,50,25452,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,42000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"6989",0,4000,0,0,0,25,-9875,4025,-5875,-5875,-1625,31,18216,3,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9875,0,0,1,0,0,0,0,0,0,1,0,0,0 +"6990",0,7595,55000,36500,18500,32591,28550,40186,36145,54645,64329,35,36882,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,28550,1,0,0,0,1,0,0,0,0,1,0,0,0 +"6991",0,0,0,0,0,1000,-3074,1000,-3074,-3074,-3074,44,12774,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-3074,0,0,1,0,0,0,0,0,0,0,1,0,0 +"6992",0,0,60000,20000,40000,24500,24335,24500,24335,64335,76335,44,33852,5,10,1,1,0,1,1,1,0,0,1,0,0,0,4,1,0.5297047,24335,1,0,0,0,1,0,0,0,0,0,1,0,0 +"6993",2775,3757,90000,58800,31200,23826,17550,30358,24082,55282,58632,45,34095,2,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,20325,1,0,0,0,1,0,0,0,0,0,0,1,0 +"6994",0,10500,100000,75000,25000,82202,52676,92702,63176,88176,114176,37,69264,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,52676,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6995",0,4560,0,0,0,655,340,5215,4900,4900,7566,29,18315,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,340,0,0,1,0,0,0,0,0,1,0,0,0,0 +"6996",0,0,130000,65000,65000,11000,11000,11000,11000,76000,86000,38,60225,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"6997",4760,14200,0,0,0,5930,1430,24890,20390,20390,20390,28,69615,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.3533661,6190,0,0,0,0,0,0,1,0,1,0,0,0,0 +"6998",40000,9000,85000,0,85000,110548,110248,159548,159248,244248,247248,55,53910,3,16,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,150248,1,0,0,0,0,0,1,0,0,0,0,0,1 +"6999",0,0,0,0,0,200,-2800,200,-2800,-2800,-2300,34,12960,4,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7000",0,7500,210000,150000,60000,23200,20700,30700,28200,88200,92700,32,100296,2,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,20700,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7001",0,15000,0,0,0,9500,9000,24500,24000,24000,30275,29,60600,1,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,9000,0,0,0,0,0,0,1,0,1,0,0,0,0 +"7002",35434,0,100000,8000,92000,15250,13250,50684,48684,140684,140684,59,39609,2,14,0,1,0,0,1,1,0,1,0,0,1,0,4,3,0.3524857,48684,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7003",2000,25300,110000,65000,45000,3449,-10551,30749,16749,61749,157249,46,61044,2,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,-8551,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7004",0,0,0,0,0,305,-695,305,-695,-695,9880,39,31608,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-695,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7005",4000,10600,130000,40000,90000,14247,13647,28847,28247,118247,118247,54,40767,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,17647,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7006",2700,0,300000,150000,150000,2850,-15150,5550,-12450,137550,427550,38,98850,4,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,-12450,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7007",0,987,0,0,0,2500,2500,3487,3487,3487,4387,38,18012,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7008",4000,1400,0,0,0,526,-774,5926,4626,4626,6701,39,12444,2,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.118155,3226,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7009",0,400,65000,65000,0,0,-2880,400,-2480,-2480,-2480,31,32271,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2880,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7010",12000,30000,300000,150000,150000,35000,30000,77000,72000,222000,222000,38,102396,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,42000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7011",0,0,25000,0,25000,250,-1000,250,-1000,24000,24000,43,29544,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7012",10089,5000,130000,52000,78000,43598,43527,58687,58616,136616,256616,59,29619,2,18,0,1,1,0,1,1,1,1,0,0,0,1,3,4,0.2696004,53616,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7013",0,0,60000,60000,0,249,249,249,249,249,249,42,21639,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,249,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7014",0,4000,0,0,0,7447,6847,11447,10847,10847,10847,30,35046,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,6847,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7015",0,2800,195000,85000,110000,2000,420,4800,3220,113220,123899,51,43824,3,15,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,420,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7016",33000,50000,90000,0,90000,40365,40365,123365,123365,213365,213365,56,42417,3,8,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,73365,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7017",0,50000,60000,60000,0,20050,20050,70050,70050,70050,70050,45,23640,3,9,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,20050,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7018",0,20000,36000,23500,12500,849,849,20849,20849,33349,40249,45,54708,1,12,1,0,1,0,1,1,1,0,0,1,0,0,6,2,0.7472324,849,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7019",18000,80000,60000,0,60000,20699,19699,118699,117699,177699,177699,50,107802,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,37699,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7020",0,0,0,0,0,2300,-16200,2300,-16200,-16200,-15120,29,17880,2,16,0,1,0,1,1,1,0,0,0,0,0,1,2,4,0.1283302,-16200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7021",0,1400,40000,38000,2000,3208,-672,4608,728,2728,11028,39,28614,3,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-672,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7022",0,13000,76000,44000,32000,4900,2900,17900,15900,47900,54900,28,41460,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,2900,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7023",0,80000,300000,126000,174000,906,-24094,80906,55906,229906,229906,51,69873,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-24094,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7024",0,6500,136000,66500,69500,18150,17950,24650,24450,93950,93950,42,35733,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,17950,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7025",0,5000,0,0,0,80,-6420,5080,-1420,-1420,1246,54,38304,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-6420,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7026",2800,11000,100000,94000,6000,40000,40000,53800,53800,59800,59800,45,61800,4,18,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,42800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7027",3000,6222,200000,128000,72000,7499,7349,16721,16571,88571,138250,51,25950,4,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,10349,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7028",4500,4500,0,0,0,4600,940,13600,9940,9940,15940,28,41517,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7125204,5440,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7029",0,500,62000,32500,29500,25,-4175,525,-3675,25825,29025,46,44553,2,13,1,1,1,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-4175,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7030",0,50000,90000,30000,60000,3600,300,53600,50300,110300,110300,51,54510,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7031",0,21000,1000,0,1000,36568,31568,57568,52568,53568,57185,38,26268,3,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,31568,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7032",0,0,20000,15000,5000,1198,1198,1198,1198,6198,14771,53,29772,2,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,1198,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7033",0,4000,0,0,0,572,-128,4572,3872,3872,3872,54,26301,2,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-128,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7034",12000,1963,175000,150000,25000,36000,31000,49963,44963,69963,82163,37,38772,1,17,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,43000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7035",0,13866,75000,0,75000,2379,-26,16245,13840,88840,96246,39,64797,6,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-26,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7036",0,2000,35000,0,35000,6,6,2006,2006,37006,37506,59,8454,2,10,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.036628,6,1,1,0,0,0,0,0,0,0,0,0,0,1 +"7037",0,0,0,0,0,480,-21130,480,-21130,-21130,-19538,33,45300,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-21130,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7038",4335,13372,0,0,0,13250,13250,30957,30957,30957,41132,27,92898,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.3313638,17585,0,0,0,0,0,0,0,1,1,0,0,0,0 +"7039",0,0,58000,0,58000,13000,12700,13000,12700,70700,71200,57,26940,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,12700,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7040",0,5000,70000,62000,8000,28313,28313,33313,33313,41313,96163,44,35520,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,28313,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7041",0,72,0,0,0,200,200,272,272,272,2072,27,31068,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7042",0,2000,175000,150000,25000,4000,-12500,6000,-10500,14500,14500,31,129621,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-12500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7043",0,0,0,0,0,7200,6800,7200,6800,6800,14800,45,43680,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,6800,0,0,0,0,0,1,0,0,0,0,0,1,0 +"7044",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,33,35700,6,10,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.2951996,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7045",0,4000,175000,66000,109000,2043,2043,6043,6043,115043,115043,40,44736,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,2043,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7046",0,300,0,0,0,3000,1000,3300,1300,1300,9300,26,38145,2,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,1000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7047",0,0,12500,7300,5200,5949,5269,5949,5269,10469,16344,49,29013,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,5269,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7048",30000,1700,148000,92000,56000,400,-7600,32100,24100,80100,80100,37,32865,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,22400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7049",3800,20000,45000,45000,0,5699,699,29499,24499,24499,24499,46,30396,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,4499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7050",8000,200,0,0,0,1487,1487,9687,9687,9687,11112,42,27948,2,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,9487,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7051",0,0,0,0,0,100,-6000,100,-6000,-6000,-5300,39,25647,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-6000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7052",0,24000,0,0,0,1999,-1,25999,23999,23999,32999,40,87030,4,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.4572618,-1,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7053",0,0,0,0,0,50,-2850,50,-2850,-2850,-2850,36,16590,2,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-2850,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7054",0,1200,40000,36000,4000,500,-600,1700,600,4600,4600,37,30408,4,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7055",0,5405,45000,20000,25000,4700,4669,10105,10074,35074,35074,50,63846,5,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4669,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7056",0,0,0,0,0,875,700,875,700,700,700,48,31404,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,700,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7057",0,0,5000,0,5000,0,0,0,0,5000,5300,35,14805,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7058",0,5800,0,0,0,900,-16730,6700,-10930,-10930,-930,29,57393,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,-16730,0,0,0,0,0,0,1,0,1,0,0,0,0 +"7059",0,12000,300000,150000,150000,8100,5600,20100,17600,167600,177600,38,99645,3,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,5600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7060",20000,10000,110000,0,110000,5749,5749,35749,35749,145749,145749,63,51975,2,10,1,1,0,0,1,1,1,1,1,0,0,0,6,1,0.7130944,25749,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7061",0,320,0,0,0,100,-10000,420,-9680,-9680,6416,28,15450,2,16,1,0,0,0,1,1,1,0,0,0,0,1,2,4,0.4215196,-10000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7062",0,0,100000,44000,56000,400,-1100,400,-1100,54900,57400,54,19539,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-1100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7063",48000,37000,300000,120000,180000,15500,14300,100500,99300,279300,282300,41,84759,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,62300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7064",300,300,35000,0,35000,4999,4999,5599,5599,40599,64179,57,13692,1,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,5299,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7065",0,5500,54000,54000,0,13,13,5513,5513,5513,5513,33,29325,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,13,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7066",10200,0,0,0,0,400,-6229,10600,3971,3971,10971,31,34710,4,13,0,1,1,1,1,1,0,1,0,0,1,0,4,3,0.277538,3971,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7067",0,2000,48000,23000,25000,11999,11999,13999,13999,38999,43999,31,40200,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,11999,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7068",40000,144000,190000,97500,92500,303198,300198,487198,484198,576698,576698,49,169200,2,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,340198,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7069",0,47000,40700,24012,16688,24600,24600,71600,71600,88288,91338,56,34002,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,24600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7070",0,1400,54000,38800,15200,2150,-4050,3550,-2650,12550,17550,25,42804,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-4050,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7071",40000,10000,300000,25000,275000,77000,72000,127000,122000,397000,397000,49,192990,3,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,112000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7072",0,1500,25000,19500,5500,635,-4265,2135,-2765,2735,6235,48,30846,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-4265,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7073",0,0,0,0,0,1400,1400,1400,1400,1400,7975,44,24996,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,1400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7074",0,10000,90000,30000,60000,2000,-800,12000,9200,69200,69200,35,42036,2,18,1,1,1,0,1,1,1,0,0,0,0,1,5,4,0.6077043,-800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7075",0,12000,70000,0,70000,9349,9349,21349,21349,91349,159349,54,53184,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,9349,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7076",0,3500,0,0,0,1500,-3500,5000,0,0,0,31,28830,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-3500,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7077",0,0,120000,65000,55000,1040,-1960,1040,-1960,53040,59040,38,49560,4,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-1960,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7078",20000,80000,85000,47500,37500,51548,51548,151548,151548,189048,588048,56,55167,4,1,0,1,0,0,1,1,1,1,1,0,0,0,6,1,0.5336504,71548,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7079",20000,0,200000,140500,59500,3000,-10900,23000,9100,68600,186600,51,80265,1,12,0,0,1,0,1,1,0,1,0,1,0,0,7,2,0.4373496,9100,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7080",15000,20000,285000,18000,267000,60000,60000,95300,95300,362300,369425,56,79404,1,18,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,75000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7081",0,4370,70000,56500,13500,38600,36600,42970,40970,54470,54670,42,62889,4,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,36600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7082",0,0,0,0,0,200,-5300,200,-5300,-5300,-1550,42,21612,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7083",0,180,56000,26000,30000,25500,24500,25680,24680,54680,117180,43,33150,2,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,24500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7084",70000,110000,100000,30000,70000,266000,265500,446000,445500,515500,717500,62,135072,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,335500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7085",0,4000,85000,80000,5000,8200,2200,12200,6200,11200,18200,34,53100,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,2200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7086",9000,0,85000,82000,3000,18000,18000,27000,27000,30000,49000,29,78417,3,16,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,27000,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7087",0,1200,75000,60000,15000,599,99,1799,1299,16299,26299,42,51798,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,99,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7088",0,13300,70000,31000,39000,1610,1610,14910,14910,53910,53910,31,48588,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1610,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7089",0,0,60000,36100,23900,0,-1600,0,-1600,22300,23300,54,13362,1,10,1,1,0,0,1,1,0,0,1,0,0,0,2,1,0.3623197,-1600,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7090",0,0,0,0,0,9500,9500,9500,9500,9500,22600,43,36420,1,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,9500,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7091",0,2000,0,0,0,0,-3500,2000,-1500,-1500,-1500,42,16200,4,14,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1283302,-3500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7092",0,850,40000,0,40000,39999,27419,40849,28269,68269,69269,40,12600,2,8,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,27419,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7093",0,0,0,0,0,200,-6500,200,-6500,-6500,-1725,31,32580,3,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-6500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7094",4300,0,60000,37000,23000,400,-12900,4700,-8600,14400,27400,36,40308,5,17,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,-8600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7095",0,0,70000,55000,15000,17099,17099,17099,17099,32099,41211,42,41634,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,17099,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7096",0,0,7000,0,7000,0,0,0,0,7000,11000,49,12084,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7097",0,13000,10000,0,10000,100,-7410,13100,5590,15590,15590,44,24210,6,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,-7410,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7098",0,25000,100000,21000,79000,4200,700,29200,25700,104700,145900,54,68760,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7099",0,15130,75000,57600,17400,2532,-768,17662,14362,31762,31762,56,75477,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-768,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7100",0,0,44000,44000,0,75,-2625,75,-2625,-2625,2275,29,32985,5,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-2625,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7101",0,0,175000,6800,168200,17000,17000,17000,17000,185200,196225,60,66759,2,13,0,0,1,0,1,1,0,0,0,0,1,0,6,3,0.4938007,17000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7102",0,0,16800,6400,10400,150,-3250,150,-3250,7150,11450,30,20700,5,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-3250,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7103",0,18000,40000,1500,38500,0,-12360,18000,5640,44140,50140,47,31056,6,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-12360,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7104",3400,1000,60000,44600,15400,2850,1740,7250,6140,21540,34840,26,31470,4,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,5140,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7105",2200,80000,75000,0,75000,6828,5828,89028,88028,163028,163028,53,36399,4,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,8028,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7106",5500,350,200000,0,200000,10200,10200,16050,16050,216050,231750,34,46200,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,15700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7107",7000,7100,80000,66000,14000,20000,18000,34100,32100,46100,51100,43,49596,3,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,25000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7108",2800,4000,75000,27000,48000,152250,87250,159050,94050,142050,145300,48,17547,2,10,1,0,1,0,1,1,1,1,1,0,0,0,2,1,0.3108636,90050,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7109",0,6000,160000,137900,22100,8000,5900,14000,11900,34000,46000,27,112350,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,5900,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7110",0,0,0,0,0,500,500,500,500,500,4700,38,20388,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7111",0,10000,185000,130000,55000,10000,8000,20000,18000,73000,83244,36,38400,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,8000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7112",25122,37,70000,0,70000,1200,1200,26359,26359,96359,96359,59,41082,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,26322,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7113",0,4000,85000,63500,21500,9500,9500,13500,13500,35000,50000,51,49359,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,9500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7114",0,11500,9800,14900,-5100,1400,1075,12900,12575,7475,12475,43,20724,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2694195,1075,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7115",0,0,60000,60000,0,100,100,100,100,100,3843,27,14283,2,15,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 +"7116",0,3000,200000,150000,50000,4649,-17351,7649,-14351,35649,35649,35,57603,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-17351,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7117",35000,3000,200000,30000,170000,24950,20950,62950,58950,228950,238625,50,45453,3,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,55950,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7118",0,25000,70000,0,70000,12000,11800,37000,36800,106800,111800,48,68673,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,11800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7119",16000,38000,80000,16000,64000,18049,16349,72049,70349,134349,134349,61,38754,5,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.5449064,32349,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7120",30500,4304,150000,38000,112000,11799,11799,46603,46603,158603,158603,54,101826,7,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,42299,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7121",16700,9700,80700,53000,27700,52700,52700,79100,79100,106800,112550,30,47430,2,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,69400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7122",0,1000,35000,30270,4730,123,-1377,1123,-377,4353,6103,36,19302,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-1377,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7123",0,8000,175000,122000,53000,2900,-3100,10900,4900,57900,68925,44,52170,1,15,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,-3100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7124",0,22000,180000,90000,90000,19600,18400,41600,40400,130400,146600,39,61440,3,14,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,18400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7125",0,2500,0,0,0,1500,1000,4000,3500,3500,6000,37,16665,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7126",0,3000,23000,23000,0,13400,11300,16400,14300,14300,21300,41,68130,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,11300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7127",12000,2000,142000,142000,0,85399,78899,99399,92899,92899,99399,47,80400,6,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,90899,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7128",0,9000,0,0,0,0,-7000,9000,2000,2000,47000,33,37056,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.2951996,-7000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7129",0,0,100000,75000,25000,2999,2999,2999,2999,27999,59491,48,37380,1,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3866406,2999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7130",0,0,0,0,0,2950,2150,2950,2150,2150,4935,46,22638,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,2150,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7131",0,2000,190000,150000,40000,11000,10000,13000,12000,52000,67000,42,91776,5,14,1,1,1,1,1,1,1,0,0,0,1,0,7,3,0.6849159,10000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7132",0,3800,0,0,0,6000,800,9800,4600,4600,5300,25,58050,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,800,0,0,0,0,0,0,1,0,1,0,0,0,0 +"7133",1750,3000,0,0,0,1116,1116,5866,5866,5866,11108,31,20922,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,2866,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7134",0,255,104000,90000,14000,3516,1516,3771,1771,15771,31771,32,69612,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,1516,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7135",17000,0,130000,50000,80000,519,519,17519,17519,97519,97519,41,109587,5,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,17519,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7136",28500,2000,72000,56000,16000,210545,210545,241045,241045,257045,262045,46,64449,5,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,239045,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7137",0,0,63000,40000,23000,5300,-10300,5300,-10300,12700,12700,37,59817,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-10300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7138",0,0,102000,102000,0,6500,-500,6500,-500,-500,16500,37,94530,3,16,0,1,0,0,1,1,0,0,0,0,0,1,7,4,0.5679367,-500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7139",0,1000,60000,0,60000,3300,3200,4300,4200,64200,64200,61,38412,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,3200,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7140",0,1000,80000,58000,22000,4000,2000,5000,3000,25000,39000,60,64419,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7141",0,0,110000,85000,25000,75,-25925,75,-25925,-925,3075,39,66813,3,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-25925,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7142",0,31000,62000,62000,0,2000,1500,33000,32500,32500,36800,37,47664,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7143",0,0,0,0,0,0,0,0,0,0,1500,30,14580,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7144",0,180,49172,49172,0,300,-5700,480,-5520,-5520,-3995,42,27105,2,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,-5700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7145",720,6075,0,0,0,18081,11781,24876,18576,18576,18576,40,45693,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,12501,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7146",0,55616,100000,75000,25000,66345,56745,121961,112361,137361,163878,48,68538,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,56745,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7147",0,12000,107000,55000,52000,11010,9810,23010,21810,73810,73810,38,45741,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,9810,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7148",3100,500,74950,74100,850,3150,-600,6750,3000,3850,3850,32,32427,3,13,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.3524857,2500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7149",0,0,60000,46000,14000,9999,5999,9999,5999,19999,89999,31,39126,3,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,5999,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7150",0,33000,84000,63000,21000,8100,6400,41100,39400,60400,61150,33,45846,5,18,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,6400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7151",0,0,78000,76000,2000,1700,-5500,1700,-5500,-3500,-3000,37,44754,1,18,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.4200058,-5500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7152",18000,21000,90000,24200,65800,55599,55599,94599,94599,160399,168399,63,54450,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,73599,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7153",35000,10000,100000,94500,5500,73000,73000,118000,118000,123500,250500,39,88971,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,108000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7154",12371,13455,80000,36000,44000,5754,5404,31580,31230,75230,75599,43,45798,4,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,17775,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7155",0,0,75000,50000,25000,200,-4150,200,-4150,20850,25652,44,45468,7,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-4150,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7156",11000,6000,108000,101000,7000,7600,-10400,24600,6600,13600,13600,43,55473,3,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.5336504,600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7157",60000,49000,0,0,0,22599,22599,131599,131599,131599,191599,55,74523,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.3533661,82599,0,0,0,0,0,0,1,0,0,0,0,0,1 +"7158",0,0,33000,20000,13000,50,-1950,50,-1950,11050,16925,39,24015,3,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,-1950,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7159",2500,0,47000,47000,0,4400,-600,6900,1900,1900,5250,32,31830,1,14,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,1900,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7160",0,13000,200000,90000,110000,400,263,13400,13263,123263,134263,45,43326,5,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,263,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7161",0,1500,0,0,0,0,-4700,1500,-3200,-3200,-3200,35,39522,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7162",20130,51000,254000,95000,159000,36169,34669,107299,105799,264799,274799,39,101637,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,54799,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7163",0,2500,170000,15200,154800,1500,0,4000,2500,157300,165761,31,36390,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7164",2300,1800,37500,37500,0,0,-1700,4100,2400,2400,3650,30,30600,1,12,1,0,1,0,1,1,1,1,0,1,0,0,4,2,0.6174901,600,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7165",11800,10000,53000,53000,0,5150,5150,26950,26950,26950,30350,34,54879,5,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,16950,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7166",0,1500,5000,5000,0,800,-700,2300,800,800,6318,54,45900,2,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7167",0,0,0,0,0,825,499,825,499,499,7832,42,32418,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,499,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7168",2700,12600,110000,78000,32000,11200,10500,26500,25800,57800,87800,46,95580,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7169",3022,20000,192000,100000,92000,21300,20480,44322,43502,135502,135502,39,67836,6,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,23502,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7170",0,0,52000,50000,2000,7500,5500,7500,5500,7500,18478,38,24150,5,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,5500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7171",0,250,39900,25000,14900,1600,200,1850,450,15350,15350,36,20400,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7172",5278,52652,137900,107000,30900,6607,6407,64537,64337,95237,110532,49,111372,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,11685,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7173",0,0,75000,73000,2000,675,-7278,675,-7278,-5278,2122,39,49140,5,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-7278,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7174",0,0,4500,2500,2000,0,-230,0,-230,1770,2770,43,13395,2,8,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,-230,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7175",0,5000,35000,30000,5000,15,-985,5015,4015,9015,9429,60,29148,3,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-985,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7176",0,1400,58000,12000,46000,2000,-3000,3400,-1600,44400,51037,32,93120,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-3000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7177",15694,0,0,0,0,12500,11403,28194,27097,27097,40997,42,49710,3,17,1,1,0,1,1,1,0,1,0,0,0,1,5,4,0.7125204,27097,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7178",30000,2000,50000,0,50000,48000,47825,80000,79825,129825,139825,63,23952,2,8,1,1,0,0,1,1,1,1,1,0,0,0,3,1,0.3788275,77825,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7179",0,0,0,0,0,2800,-4400,2800,-4400,-4400,-2300,52,25128,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,-4400,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7180",0,4500,75000,30000,45000,1200,-1400,5700,3100,48100,56100,33,33363,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-1400,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7181",0,1500,130000,105000,25000,5500,4300,7000,5800,30800,44800,26,61410,2,13,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.6688337,4300,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7182",0,0,47000,47000,0,500,-16500,500,-16500,-16500,-13834,36,23820,4,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2694195,-16500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7183",10500,0,300000,38000,262000,3510,-29390,14010,-18890,243110,270110,48,37338,7,13,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,-18890,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7184",23850,7500,250000,0,250000,3899,3499,35249,34849,284849,344849,51,63363,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,27349,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7185",0,0,0,0,0,1537,-613,1537,-613,-613,1937,43,26877,3,8,0,1,1,1,1,1,0,0,1,0,0,0,3,1,0.2092901,-613,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7186",0,0,15000,0,15000,1249,1249,1249,1249,16249,18749,58,15207,1,8,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,1249,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7187",0,1300,0,0,0,0,-1800,1300,-500,-500,400,35,18744,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1800,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7188",1800,56000,68000,45000,23000,23000,22200,80800,80000,103000,104775,43,54330,2,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,24000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7189",0,20,42000,42000,0,100,-700,120,-680,-680,-680,34,21810,5,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7190",0,0,30000,16500,13500,300,-700,300,-700,12800,14800,30,33111,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-700,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7191",0,0,75000,36000,39000,36448,34948,36448,34948,73948,73948,40,38859,4,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,34948,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7192",0,0,75000,0,75000,1200,-3800,1200,-3800,71200,76942,41,19140,2,17,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,-3800,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7193",0,0,0,0,0,520,-19280,520,-19280,-19280,-18780,27,21729,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-19280,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7194",0,6000,0,0,0,9000,7500,15000,13500,13500,35862,31,30576,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,7500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7195",0,15,0,0,0,0,0,15,15,15,15,39,17079,5,9,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7196",0,0,55000,46400,8600,750,350,750,350,8950,15950,34,28980,6,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,350,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7197",14000,90000,210000,103000,107000,80000,78500,184000,182500,289500,289500,50,104400,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,92500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7198",0,0,77000,77000,0,2500,1500,2500,1500,1500,2960,47,33819,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7199",0,5000,120000,54000,66000,13700,13700,18700,18700,84700,96725,32,51816,1,16,0,0,0,0,1,1,1,0,0,0,0,1,6,4,0.4938007,13700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7200",25000,0,300000,75000,225000,1425115,1425115,1462115,1462115,1687115,1887115,61,169896,2,15,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,1450115,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7201",13000,8000,120000,74000,46000,7600,7600,28600,28600,74600,81150,38,51150,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,20600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7202",0,2600,0,0,0,560,-440,3160,2160,2160,7993,30,23070,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7203",0,50000,45000,28000,17000,2037,-5763,52037,44237,61237,64462,62,29880,1,11,1,0,0,0,1,1,1,0,1,0,0,0,3,1,0.491887,-5763,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7204",11000,153000,150000,85000,65000,32400,32400,196400,196400,261400,261400,33,100845,2,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,43400,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7205",0,0,125000,0,125000,11799,10499,11799,10499,135499,165499,50,50430,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,10499,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7206",11500,80000,250000,140000,110000,31999,7699,123499,99199,209199,274199,58,101946,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,19199,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7207",0,4600,0,0,0,1024,-3476,5624,1124,1124,4549,29,39522,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-3476,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7208",0,62200,68000,4200,63800,4050,50,66250,62250,126050,129050,32,40503,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,50,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7209",0,10000,180000,139,179861,3600,3485,13600,13485,193346,193346,37,63885,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3485,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7210",0,155,53000,50000,3000,600,-4400,755,-4245,-1245,-1245,26,33363,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4400,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7211",0,80000,62000,59000,3000,73400,68000,153400,148000,151000,152200,47,74196,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,68000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7212",0,1000,50000,39000,11000,120,120,1120,1120,12120,12620,58,19200,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,120,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7213",0,600,60000,47000,13000,835,-2818,1435,-2218,10782,13282,49,32430,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-2818,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7214",0,2000,0,0,0,500,-2541,2500,-541,-541,-541,26,13275,3,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1283302,-2541,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7215",0,330,135000,0,135000,41097,35979,41427,36309,171309,307309,60,58056,3,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,35979,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7216",0,220,50000,50000,0,270,-2680,490,-2460,-2460,-2460,36,40725,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-2680,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7217",34300,0,168500,126000,42500,123800,37800,158100,72100,114600,114600,50,119364,2,17,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,72100,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7218",0,1400,0,0,0,1800,1800,3200,3200,3200,10279,41,11106,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,1800,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7219",0,0,0,0,0,11000,11000,11000,11000,11000,16200,27,39900,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,11000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7220",0,2000,0,0,0,1149,1149,3149,3149,3149,5124,34,16884,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,1149,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7221",28000,15000,65000,0,65000,118000,118000,161000,161000,226000,426000,62,66240,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,146000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7222",0,20000,0,0,0,600,600,20600,20600,20600,20600,61,32490,3,10,1,0,0,0,1,1,1,0,1,0,0,0,4,1,0.6600804,600,0,0,0,0,1,0,0,0,0,0,0,0,1 +"7223",10089,5000,120000,76000,44000,28398,8998,43487,24087,68087,81387,55,59976,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19087,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7224",0,15,50000,17000,33000,200,-1000,215,-985,32015,32015,43,14010,2,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7225",0,10100,98000,72900,25100,2175,-425,12275,9675,34775,35375,39,38856,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-425,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7226",49000,130000,150000,45000,105000,182990,182990,361990,361990,466990,466990,54,76899,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,231990,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7227",0,0,0,0,0,0,0,0,0,0,0,43,22800,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7228",0,2500,0,0,0,1700,-3800,4200,-1300,-1300,-1300,43,23541,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-3800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7229",0,0,31000,31000,0,945,945,945,945,945,1445,43,16866,1,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,945,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7230",0,0,95000,62000,33000,9199,9199,9199,9199,42199,48199,40,67500,5,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,9199,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7231",5000,46000,120000,60000,60000,35749,31249,86749,82249,142249,147681,39,60120,3,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,36249,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7232",0,0,0,0,0,75,-1025,75,-1025,-1025,2575,39,37431,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-1025,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7233",687,291,128000,109397,18603,2800,-5400,3778,-4422,14181,14181,32,24840,3,15,0,1,0,0,1,1,1,1,0,0,1,0,3,3,0.2696004,-4713,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7234",14500,0,124000,98000,26000,4750,4750,19250,19250,45250,70250,35,58911,3,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,19250,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7235",4000,1700,175000,90000,85000,0,-5200,5700,500,85500,125500,43,63894,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-1200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7236",12000,36000,300000,150000,150000,310200,310200,358200,358200,508200,598200,48,143787,2,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,322200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7237",0,45000,200000,90000,110000,55000,49000,100000,94000,204000,236000,42,103050,4,12,1,1,1,1,1,1,1,0,0,1,0,0,7,2,0.6849159,49000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7238",0,0,214000,150000,64000,4725,4725,4725,4725,68725,68725,32,111972,2,18,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,4725,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7239",8000,7000,144900,103000,41900,4000,300,19000,15300,57200,107200,46,58347,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,8300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7240",0,25000,0,0,0,7999,7699,32999,32699,32699,32699,51,43404,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,7699,0,0,0,0,0,1,0,0,0,0,0,1,0 +"7241",0,22,55000,53000,2000,160,-17840,182,-17818,-15818,-9018,33,38484,3,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-17840,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7242",0,172,0,0,0,200,-300,372,-128,-128,1997,27,12180,4,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7243",0,3420,0,0,0,5000,5000,8420,8420,8420,18500,26,22992,2,1,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.2092901,5000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7244",0,0,0,0,0,3000,3000,3000,3000,3000,5350,36,10386,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.1152104,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7245",0,1500,45000,39500,5500,2023,-177,3523,1323,6823,13348,34,24120,3,9,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,-177,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7246",0,40000,90000,0,90000,24985,17185,64985,57185,147185,147385,53,29238,2,18,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,17185,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7247",800,500,0,0,0,1499,-25001,2799,-23701,-23701,-19701,33,26040,4,13,1,1,0,1,1,1,1,1,0,0,1,0,3,3,0.4172195,-24201,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7248",0,0,62000,57500,4500,376,-3424,376,-3424,1076,11576,26,34356,4,11,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-3424,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7249",0,14000,110000,78000,32000,20000,20000,34000,34000,66000,98242,34,29376,1,14,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.491887,20000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7250",0,12000,45000,0,45000,12351,12351,24351,24351,69351,89351,64,21192,2,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,12351,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7251",0,20000,300000,71900,228100,25600,25600,45600,45600,273700,273700,45,63288,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7252",0,0,0,0,0,11500,4500,11500,4500,4500,8000,30,43314,2,16,1,1,1,1,1,1,0,0,0,0,0,1,5,4,0.5995759,4500,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7253",2300,460,62000,60000,2000,8400,8200,11160,10960,12960,20310,42,34764,3,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,10500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7254",0,0,0,0,0,93000,92810,93000,92810,92810,104910,49,35142,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,92810,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7255",0,8500,65000,31500,33500,11050,7610,19550,16110,49610,65960,40,51540,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,7610,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7256",0,0,0,0,0,5600,3200,5600,3200,3200,3700,35,25731,3,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,3200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7257",0,5000,49000,43500,5500,6400,6300,11400,11300,16800,18800,43,69690,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,6300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7258",0,5800,67000,25000,42000,8940,8940,14740,14740,56740,56740,39,44880,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,8940,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7259",0,0,160000,120000,40000,12000,12000,12000,12000,52000,52000,26,70368,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,12000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7260",0,10000,39000,24000,15000,2999,1749,12999,11749,26749,34155,37,39744,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,1749,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7261",2000,9000,70000,29000,41000,1952,1452,12952,12452,53452,53452,43,33954,5,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,3452,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7262",0,300,0,0,0,310,-3790,610,-3490,-3490,-3490,39,31878,5,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-3790,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7263",82000,16000,125000,0,125000,151500,151500,249500,249500,374500,384100,64,56871,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,233500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7264",0,30000,110000,101559,8441,1725,-6848,31725,23152,31593,40326,48,77523,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-6848,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7265",0,0,0,0,0,638,-9312,638,-9312,-9312,-8812,37,25443,2,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-9312,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7266",1656,4500,82000,71000,11000,1635,-18665,7791,-12509,-1509,5491,40,52110,4,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-17009,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7267",0,1000,0,0,0,4000,4000,5000,5000,5000,8857,33,11112,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,4000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7268",1800,13000,65000,59500,5500,17369,17029,32169,31829,37329,39329,28,78879,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,18829,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7269",70,100,60000,35000,25000,499,-6101,669,-5931,19069,23419,46,24030,2,15,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,-6031,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7270",0,40000,80000,0,80000,114000,114000,154000,154000,234000,252450,35,61230,1,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,114000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7271",0,200,140000,124000,16000,6400,3400,6600,3600,19600,19600,37,57720,2,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.5405443,3400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7272",3900,5304,60000,0,60000,11449,9649,20653,18853,78853,78853,50,44172,5,15,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,13549,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7273",0,7000,0,0,0,1480,-1520,8480,5480,5480,37210,29,42771,1,15,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5231876,-1520,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7274",0,10000,53000,53000,0,1625,-2535,11625,7465,7465,14465,38,38712,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2535,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7275",2500,2000,45000,0,45000,61323,60823,65823,65323,110323,114323,41,50400,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,63323,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7276",0,0,165000,96600,68400,6100,-2800,6100,-2800,65600,71825,34,44043,4,17,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-2800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7277",0,0,225000,132500,92500,28200,12900,28200,12900,105400,112700,52,79701,6,13,0,1,0,0,1,1,0,0,0,0,1,0,7,3,0.5679367,12900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7278",9000,0,0,0,0,3365,3365,12365,12365,12365,17365,51,15303,1,15,1,0,0,0,1,1,0,1,0,0,1,0,2,3,0.3268128,12365,0,0,1,0,0,0,0,0,0,0,0,1,0 +"7279",5000,1924,60000,36000,24000,8000,2000,14924,8924,32924,35590,48,29952,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,7000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7280",0,1500,0,0,0,4998,3998,6498,5498,5498,25498,38,54165,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,3998,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7281",3500,0,72500,63200,9300,4000,1200,7500,4700,14000,14000,30,44352,4,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.4624346,4700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7282",0,6000,45000,35000,10000,500,250,6500,6250,16250,16250,45,19200,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,250,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7283",0,25000,80000,45000,35000,1000,-2575,26000,22425,57425,81425,54,65025,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2575,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7284",0,0,60000,20000,40000,2100,100,2100,100,40100,41600,53,12588,2,10,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7285",0,0,250000,150000,100000,25500,17600,25500,17600,117600,123600,37,59430,4,13,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,17600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7286",0,0,0,0,0,200,-6100,200,-6100,-6100,-2600,40,52263,4,7,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.3598378,-6100,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7287",50000,6000,0,0,0,109100,108700,165100,164700,164700,183753,59,28785,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,158700,0,0,0,1,0,0,0,0,0,0,0,0,1 +"7288",0,20000,0,0,0,14100,-4300,34100,15700,15700,15700,39,42975,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-4300,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7289",71000,28000,70000,50000,20000,124999,123999,223999,222999,242999,258249,46,54000,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,194999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7290",39000,80000,250000,0,250000,4598,4598,123598,123598,373598,373598,47,110457,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,43598,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7291",0,8500,165000,87500,77500,9378,8960,17878,17460,94960,108556,50,34935,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,8960,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7292",9800,20000,112000,75000,37000,33099,29099,62899,58899,95899,145899,32,100491,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,38899,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7293",0,5500,300000,49000,251000,444,-46,5944,5454,256454,260954,30,39249,4,11,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-46,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7294",0,2500,180000,150000,30000,8500,-7500,11000,-5000,25000,48000,26,44442,3,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-7500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7295",1500,2000,300000,150000,150000,4349,3749,7849,7249,157249,232249,54,88689,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,5249,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7296",0,0,0,0,0,200,-72800,200,-72800,-72800,-72800,28,31200,2,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5896286,-72800,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7297",8147,0,65000,20000,45000,1210,-1190,9357,6957,51957,60307,53,51090,3,15,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,6957,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7298",2000,40700,0,0,0,5117,117,47817,42817,42817,48296,30,31221,1,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6739899,2117,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7299",0,7000,0,0,0,600,600,7600,7600,7600,7600,51,37965,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,600,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7300",0,0,25000,23000,2000,17499,17499,17499,17499,19499,21999,54,21300,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,17499,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7301",24354,38000,130000,55000,75000,10100,2600,72454,64954,139954,237004,45,43179,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,26954,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7302",0,0,110000,0,110000,14999,14499,14999,14499,124499,128699,48,36900,1,18,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3866406,14499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7303",0,22000,90300,72000,18300,8342,7692,30342,29692,47992,51842,36,32994,1,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,7692,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7304",0,8000,59000,41500,17500,5122,-515,13122,7485,24985,29260,37,31416,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-515,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7305",0,0,100000,0,100000,100,-400,100,-400,99600,99600,35,26370,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7306",0,0,0,0,0,200,50,200,50,50,550,46,21576,1,17,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.5315681,50,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7307",0,600,0,0,0,20,-9980,620,-9380,-9380,-1380,42,96864,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,-9980,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7308",0,3080,0,0,0,5550,2390,8630,5470,5470,5920,28,47550,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,2390,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7309",0,4900,0,0,0,800,300,5700,5200,5200,5200,37,24000,3,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7310",0,1300,160000,130000,30000,10,-2590,1310,-1290,28710,44710,28,66150,4,14,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-2590,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7311",11000,58100,140000,55000,85000,100000,100000,169100,169100,254100,294100,44,109653,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,111000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7312",0,0,110000,80000,30000,650,-25570,650,-25570,4430,17762,42,63954,6,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-25570,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7313",0,0,61000,0,61000,600,300,600,300,61300,66100,33,30438,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7314",1200,900,98000,78000,20000,100,-300,2200,1800,21800,37800,39,46818,4,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7315",0,3600,60000,31500,28500,0,0,3600,3600,32100,32100,43,26682,5,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7316",37500,34000,300000,150000,150000,1430298,1430298,1536798,1536798,1686798,1756798,53,81948,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,1467798,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7317",0,740,150000,74400,75600,77100,76100,77840,76840,152440,152440,38,100452,2,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,76100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7318",3900,12000,60000,25000,35000,134200,133800,150100,149700,184700,200725,50,55296,1,12,1,0,1,0,1,1,1,1,0,1,0,0,6,2,0.7856908,137700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7319",19200,29044,65000,25000,40000,24352,24352,72596,72596,112596,112596,63,53757,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,43552,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7320",0,4782,150000,120000,30000,22979,17166,27761,21948,51948,66948,57,54723,2,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,17166,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7321",0,0,0,0,0,2895,1730,2895,1730,1730,2380,26,20724,1,13,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1730,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7322",4000,60000,0,0,0,43999,43669,107999,107669,107669,107669,64,70974,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5500422,47669,0,0,0,0,0,0,1,0,0,0,0,0,1 +"7323",0,33000,0,0,0,1500,-2100,34500,30900,30900,30900,26,36459,4,14,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-2100,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7324",0,950,0,0,0,0,0,950,950,950,950,44,19173,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7325",0,23000,0,0,0,100,-2900,23100,20100,20100,55600,41,50268,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,-2900,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7326",0,17000,70000,67000,3000,15472,7972,32472,24972,27972,29147,49,43920,2,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,7972,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7327",14000,200,150000,0,150000,11249,11249,25449,25449,175449,175449,56,33717,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,25249,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7328",0,0,0,0,0,6500,6500,6500,6500,6500,43012,48,79311,1,18,1,1,1,0,1,1,0,0,0,0,0,1,7,4,0.4347773,6500,0,0,0,0,0,0,0,1,0,0,0,1,0 +"7329",0,15000,50000,40000,10000,2599,-901,17599,14099,24099,39920,54,28047,1,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-901,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7330",0,20500,140000,89900,50100,18400,16000,38900,36500,86600,93600,34,69942,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,16000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7331",0,650,0,0,0,0,-550,650,100,100,1275,32,36000,3,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5896286,-550,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7332",18000,12000,60000,40000,20000,74800,73300,104800,103300,123300,140300,43,58050,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,91300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7333",0,22000,60000,0,60000,2039,2039,24039,24039,84039,84039,48,11310,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,2039,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7334",0,2000,50000,47000,3000,16999,16799,18999,18799,21799,23799,57,32100,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,16799,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7335",0,0,127000,118000,9000,7400,6600,7400,6600,15600,21350,27,39288,1,18,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3866406,6600,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7336",0,1000,67500,67000,500,4900,-100,5900,900,1400,4400,59,49839,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7337",1200,900,109000,75000,34000,35000,34400,37100,36500,70500,70500,56,34743,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,35600,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7338",0,560,0,0,0,200,-800,760,-240,-240,-240,27,23097,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7339",0,0,0,0,0,12353,10853,12353,10853,10853,14353,45,28602,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,10853,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7340",0,5075,55000,48000,7000,5150,5150,10225,10225,17225,17225,30,64731,2,18,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,5150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7341",0,0,250000,77000,173000,266499,266499,266499,266499,439499,459499,36,67470,3,18,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,266499,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7342",6300,35600,71500,60000,11500,6100,4950,48000,46850,58350,61050,43,43788,3,13,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,11250,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7343",0,0,75000,0,75000,31499,31499,31499,31499,106499,108893,55,15225,1,10,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,31499,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7344",8500,0,140000,80000,60000,40517,40225,49017,48725,108725,114475,39,48888,1,12,1,0,0,0,1,1,0,1,0,1,0,0,5,2,0.650903,48725,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7345",0,530,56000,16000,40000,547,-1231,1077,-701,39299,39799,32,15384,6,7,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,-1231,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7346",0,0,89000,89000,0,200,-502302,200,-502302,-502302,-502302,46,21240,4,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-502302,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7347",0,800,58000,0,58000,300,-895,1100,-95,57905,73955,33,28713,2,11,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,-895,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7348",0,35600,100000,82500,17500,1894,1544,37494,37144,54644,70044,37,42975,4,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1544,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7349",21000,80000,95000,25000,70000,19999,16999,120999,117999,187999,192499,60,66921,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,37999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7350",0,0,58000,27500,30500,7748,7748,7748,7748,38248,83248,60,14523,5,10,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,7748,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7351",0,7500,98000,75000,23000,1249,1249,8749,8749,31749,53111,42,26475,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,1249,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7352",0,5254,116000,70000,46000,207,-3293,5461,1961,47961,47961,40,27117,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-3293,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7353",0,0,45000,28000,17000,949,-151,949,-151,16849,20699,59,37950,3,10,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-151,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7354",0,8672,30000,0,30000,1071,212,9743,8884,38884,176884,48,45600,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,212,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7355",0,1000,100000,69000,31000,149,-151,1149,849,31849,99711,54,18756,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-151,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7356",0,0,65000,17000,48000,1777,977,1777,977,48977,54177,43,47946,3,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,977,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7357",0,6000,60000,40000,20000,1800,-7800,7800,-1800,18200,18200,33,25686,4,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,-7800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7358",0,0,0,0,0,100,-700,100,-700,-700,-200,41,9300,1,12,0,0,1,0,1,1,0,0,0,1,0,0,1,2,0.0278493,-700,0,1,0,0,0,0,0,0,0,0,1,0,0 +"7359",0,2000,0,0,0,1600,1350,3600,3350,3350,134805,28,36084,3,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,1350,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7360",0,6000,187000,150000,37000,2300,-9700,8300,-3700,33300,39300,37,78630,2,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-9700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7361",0,0,125000,0,125000,999,199,999,199,125199,130049,51,17535,3,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,199,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7362",0,1000,0,0,0,64,-24,1064,976,976,976,36,21753,6,8,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-24,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7363",4000,3500,40000,38500,1500,27400,24400,34900,31900,33400,48400,41,58200,6,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,28400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7364",4300,0,0,0,0,999,999,5299,5299,5299,5299,27,26901,2,12,0,1,0,1,1,1,0,1,0,1,0,0,3,2,0.2061994,5299,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7365",0,0,0,0,0,0,0,0,0,0,8461,34,9906,1,13,1,0,0,0,1,1,0,0,0,0,1,0,1,3,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 +"7366",46000,60000,140000,26000,114000,36000,35550,142000,141550,255550,255550,53,114396,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,81550,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7367",0,2000,45000,37500,7500,400,-3300,2400,-1300,6200,20200,35,40560,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-3300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7368",0,1700,0,0,0,1000,1000,2700,2700,2700,2700,27,22950,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7369",0,0,4000,0,4000,955,-1845,955,-1845,2155,2407,30,22413,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-1845,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7370",0,0,90000,30000,60000,19979,19679,19979,19679,79679,79679,49,58920,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,19679,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7371",40000,80000,300000,150000,150000,560000,491900,680000,611900,761900,1046900,55,137451,3,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,531900,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7372",0,0,148000,131000,17000,5668,5518,5668,5518,22518,37518,35,75603,4,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,5518,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7373",0,0,0,0,0,7000,-8000,7000,-8000,-8000,-8000,36,62370,6,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,-8000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7374",0,3500,140000,55000,85000,42598,42098,46098,45598,130598,143598,36,39597,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,42098,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7375",0,0,85000,70000,15000,7999,3499,7999,3499,18499,18499,48,50904,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,3499,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7376",0,2500,190000,50000,140000,81550,81550,84050,84050,224050,349400,52,48639,5,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,81550,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7377",0,7000,24000,24000,0,0,0,7000,7000,7000,7000,45,20400,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7378",0,16000,0,0,0,150999,150999,166999,166999,166999,172249,51,37980,2,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,150999,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7379",22000,1000,0,0,0,50149,50149,73149,73149,73149,76149,54,84279,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.4696543,72149,0,0,0,0,0,0,0,1,0,0,0,1,0 +"7380",0,0,47000,9000,38000,10200,9700,10200,9700,47700,51050,33,27582,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,9700,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7381",0,2500,68000,54000,14000,5500,5000,8000,7500,21500,27500,28,53664,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,5000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7382",0,0,285000,0,285000,137499,136899,137499,136899,421899,421899,63,49440,4,16,0,1,0,0,1,1,0,0,0,0,0,1,5,4,0.4407951,136899,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7383",17000,1600,240000,135000,105000,9000,9000,27600,27600,132600,147375,38,96756,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,26000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7384",0,0,0,0,0,0,0,0,0,0,962,40,12360,4,12,0,1,1,0,1,1,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7385",10000,10000,0,0,0,1000,-1500,21000,18500,18500,21553,43,24060,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,8500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7386",67223,5000,65000,45500,19500,3299,3199,75522,75422,94922,249922,52,70047,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,70422,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7387",0,438,0,0,0,1989,1989,2427,2427,2427,2927,40,64044,2,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,1989,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7388",0,45000,120000,80000,40000,2400,-7600,47400,37400,77400,77400,56,49380,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-7600,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7389",0,640,82000,79000,3000,5655,-10345,6295,-9705,-6705,2295,35,59187,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-10345,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7390",0,6500,0,0,0,17400,11400,23900,17900,17900,25068,28,70071,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,11400,0,0,0,0,0,0,1,0,1,0,0,0,0 +"7391",0,0,0,0,0,100,100,100,100,100,1600,25,18258,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7392",0,0,160000,115000,45000,46400,41400,46400,41400,86400,141400,44,73560,4,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,41400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7393",8000,3200,250000,38500,211500,41000,39500,52200,50700,262200,262200,42,80400,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,47500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7394",0,0,9500,0,9500,103000,100000,103000,100000,109500,259500,62,66453,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,100000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7395",0,32800,115000,36000,79000,16583,13783,49383,46583,125583,125583,42,65334,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,13783,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7396",0,0,95000,0,95000,8839,8352,8839,8352,103352,103352,27,62496,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,8352,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7397",1250,2100,70000,31200,38800,6900,5700,10250,9050,47850,47850,55,37242,3,1,1,1,0,1,1,1,1,1,1,0,0,0,4,1,0.5449064,6950,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7398",0,3000,135000,110000,25000,500,-1300,3500,1700,26700,26700,31,36000,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7399",0,0,55000,34000,21000,8774,8774,8774,8774,29774,29774,44,41124,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,8774,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7400",4280,15550,0,0,0,105340,105340,125170,125170,125170,131340,31,58095,1,14,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.6386597,109620,0,0,0,0,0,0,1,0,0,1,0,0,0 +"7401",0,4300,0,0,0,0,-2000,4300,2300,2300,2300,27,16596,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7402",0,0,40000,0,40000,4000,3400,4000,3400,43400,93400,43,38496,4,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,3400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7403",0,0,45000,30000,15000,210,-16290,210,-16290,-1290,-1290,49,29139,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-16290,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7404",300,0,60000,46000,14000,500,180,800,480,14480,22480,32,39453,3,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,480,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7405",500,180,150000,25000,125000,2030,-2970,2710,-2290,122710,124135,53,20520,2,13,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,-2470,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7406",0,0,0,0,0,7000,6900,7000,6900,6900,13000,26,19560,1,18,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4215196,6900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7407",0,63367,300000,150000,150000,56951,56951,120318,120318,270318,280318,40,49800,1,12,1,0,0,0,1,1,1,0,0,1,0,0,5,2,0.5315816,56951,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7408",0,18000,80000,0,80000,7349,-24060,25349,-6060,73940,73940,56,40389,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-24060,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7409",5680,16000,120000,103000,17000,11390,9120,33070,30800,47800,50800,27,73020,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14800,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7410",0,2120,98000,82500,15500,9300,2300,11420,4420,19920,19920,29,50367,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2300,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7411",0,10000,0,0,0,350,-7150,10350,2850,2850,2850,43,23910,4,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-7150,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7412",0,0,68000,0,68000,375,375,375,375,68375,74519,41,51141,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,375,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7413",9060,0,80000,42000,38000,14348,14138,23408,23198,61198,66998,38,55992,5,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,23198,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7414",85000,0,300000,150000,150000,15300,15300,100300,100300,250300,270300,51,52800,2,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,100300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7415",0,300,0,0,0,1350,650,1650,950,950,950,30,27927,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,650,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7416",0,6000,55000,28000,27000,6400,4000,12400,10000,37000,47000,33,25941,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7417",0,750,0,0,0,2999,999,3749,1749,1749,6991,27,86574,1,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.3201262,999,0,0,0,0,0,0,0,1,1,0,0,0,0 +"7418",0,15000,130000,80000,50000,0,-11300,15000,3700,53700,100700,33,57780,4,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-11300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7419",0,1000,0,0,0,100,75,1100,1075,1075,2444,59,18468,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,75,0,0,1,0,0,0,0,0,0,0,0,0,1 +"7420",0,268,0,0,0,0,-300,268,-32,-32,2468,47,14280,4,6,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4215196,-300,0,0,1,0,0,0,0,0,0,0,0,1,0 +"7421",0,300,80000,40000,40000,1000,500,1300,800,40800,40800,44,23670,4,11,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7422",0,530,15000,0,15000,200,200,730,730,15730,23930,29,13590,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,1,0,0,0,0 +"7423",0,5000,0,0,0,0,0,5000,5000,5000,5000,43,4605,5,17,0,1,0,0,1,1,1,0,0,0,0,1,1,4,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 +"7424",2500,36000,140000,117000,23000,43400,40900,81900,79400,102400,195400,53,110643,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,43400,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7425",0,13000,0,0,0,2614,2614,15614,15614,15614,17413,32,54183,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,2614,0,0,0,0,0,0,1,0,0,1,0,0,0 +"7426",0,403,0,0,0,99,99,502,502,502,502,38,15126,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,99,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7427",6181,5623,180000,72000,108000,22770,22770,34574,34574,142574,151074,52,75759,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,28951,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7428",0,4000,23000,23000,0,3225,2775,7225,6775,6775,6775,51,28902,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,2775,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7429",0,3000,68000,64000,4000,7800,2300,10800,5300,9300,21300,37,58164,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7430",0,2500,0,0,0,200,-600,2700,1900,1900,1900,37,49965,5,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,-600,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7431",0,31000,90000,0,90000,59798,59798,90798,90798,180798,186798,41,41751,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,59798,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7432",10000,220,300000,0,300000,341400,341400,351620,351620,651620,655620,42,98292,4,12,0,1,1,0,1,1,1,1,0,1,0,0,7,2,0.5801663,351400,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7433",0,0,70000,22500,47500,80,-3420,80,-3420,44080,47413,51,31242,4,1,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-3420,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7434",0,0,22000,6200,15800,5050,-2050,5050,-2050,13750,18992,48,21969,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-2050,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7435",0,0,150000,98000,52000,10300,10300,10300,10300,62300,62300,32,55602,4,16,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,10300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7436",4800,17300,165000,86000,79000,124200,119200,146300,141300,220300,240300,53,139938,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,124000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7437",10000,0,75000,72000,3000,47500,46700,57500,56700,59700,153700,36,70746,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,56700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7438",27500,81800,275000,150000,125000,3300,-12700,112600,96600,221600,224100,42,111978,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,14800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7439",0,0,179000,150000,29000,4200,-3800,4200,-3800,25200,39200,30,62700,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-3800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7440",0,0,95000,60200,34800,15000,13800,15000,13800,48600,49698,36,35520,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,13800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7441",0,1300,210000,97000,113000,300,-4530,1600,-3230,109770,237270,52,78243,4,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-4530,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7442",5906,5676,220000,108600,111400,22190,18275,33772,29857,141257,146257,36,61920,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,24181,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7443",0,950,0,0,0,14,14,964,964,964,964,37,18540,5,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,14,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7444",0,300,30000,0,30000,1399,1379,1699,1679,31679,43029,56,10830,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,1379,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7445",0,18000,82500,78000,4500,5000,3100,23000,21100,25600,30050,32,58710,1,13,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,3100,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7446",0,0,169000,150000,19000,2600,-25000,2600,-25000,-6000,-4200,54,50940,3,10,1,1,0,1,1,1,0,0,1,0,0,0,6,1,0.6688337,-25000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7447",0,1000,38000,38000,0,1148,-902,2148,98,98,98,39,16779,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-902,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7448",0,5000,0,0,0,200,-2600,5200,2400,2400,3950,33,21933,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-2600,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7449",0,10000,89000,79000,10000,1899,-4101,11899,5899,15899,17299,44,63849,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-4101,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7450",0,0,0,0,0,1149,1149,1149,1149,1149,1149,43,22527,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1149,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7451",0,23000,300000,50500,249500,1050,-6950,24050,16050,265550,274474,46,45486,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,-6950,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7452",0,0,0,0,0,650,-4850,650,-4850,-4850,-3725,36,23100,2,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-4850,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7453",0,2500,95000,90000,5000,14299,13299,16799,15799,20799,66799,32,75045,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,13299,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7454",26000,28000,80000,42000,38000,5536,-10464,59536,43536,81536,101036,62,55128,2,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,15536,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7455",16500,0,125000,58000,67000,15998,15748,52498,52248,119248,119248,60,78432,2,18,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,32248,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7456",0,6000,65000,42000,23000,3000,2000,9000,8000,31000,41000,43,54735,3,12,0,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7457",0,0,27000,13000,14000,500,-2500,500,-2500,11500,14000,42,33804,2,13,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,-2500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7458",0,4500,42000,28000,14000,430,347,4930,4847,18847,20047,33,32739,3,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,347,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7459",0,0,200000,50000,150000,2300,1200,2300,1200,151200,161200,40,56037,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,1200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7460",0,25000,95000,30000,65000,5325,4925,30325,29925,94925,115925,45,48720,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,4925,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7461",0,3400,46000,17000,29000,0,-250,3400,3150,32150,32150,32,28725,5,10,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-250,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7462",0,0,50000,48000,2000,1200,900,1200,900,2900,11900,30,36402,5,11,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,900,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7463",0,400,0,0,0,1899,1099,2299,1499,1499,12499,38,28086,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,1099,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7464",0,13500,87000,65000,22000,1004998,1004738,1018498,1018238,1040238,1046107,45,71358,2,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,1004738,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7465",0,1373,65000,60000,5000,1700,-3185,3073,-1812,3188,27188,27,59841,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-3185,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7466",0,1000,156000,101000,55000,1500,-500,2500,500,55500,62379,26,34275,1,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7467",0,1200,65000,50000,15000,9500,9500,10700,10700,25700,27738,54,27390,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,9500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7468",52000,52500,200000,85000,115000,8149,2149,112649,106649,221649,270649,46,144666,2,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,54149,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7469",0,350,0,0,0,1108,-2074,1458,-1724,-1724,11276,33,28083,3,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,-2074,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7470",0,0,0,0,0,0,-655,0,-655,-655,1845,37,16092,4,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-655,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7471",0,0,140000,42000,98000,2899,2899,2899,2899,100899,100899,36,34962,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,2899,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7472",0,13000,142000,120000,22000,9515,6515,22515,19515,41515,69515,47,52437,4,17,0,1,1,0,1,1,1,0,0,0,0,1,6,4,0.5405443,6515,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7473",0,15000,0,0,0,0,0,15000,15000,15000,22350,34,31902,2,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7474",0,8000,58424,21500,36924,560,-2840,8560,5160,42084,44759,49,23976,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-2840,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7475",2600,1000,75000,46000,29000,3625,-11175,7225,-7575,21425,48425,36,47658,3,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,-8575,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7476",0,250,0,0,0,2525,1325,2775,1575,1575,3475,38,40596,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,1325,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7477",25000,0,71000,20000,51000,23,-1677,41023,39323,90323,92323,56,20208,2,12,1,1,0,0,1,1,0,1,0,1,0,0,3,2,0.3788275,23323,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7478",0,0,126000,123000,3000,35000,35000,35000,35000,38000,52617,56,67212,2,18,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.7472324,35000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7479",0,0,0,0,0,1550,-2450,1550,-2450,-2450,-617,27,48798,1,12,1,1,1,0,1,1,0,0,0,1,0,0,5,2,0.5995759,-2450,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7480",0,0,110000,75000,35000,236,-64,236,-64,34936,34936,47,20568,2,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-64,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7481",2400,6500,125000,119000,6000,6780,1380,15680,10280,16280,41080,26,49362,2,16,1,1,0,0,1,1,1,1,0,0,0,1,5,4,0.7196674,3780,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7482",0,0,0,0,0,0,-700,0,-700,-700,-700,60,70200,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,-700,0,0,0,0,0,0,1,0,0,0,0,0,1 +"7483",4600,0,120000,45000,75000,18000,17750,22600,22350,97350,99850,41,32610,2,15,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,22350,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7484",0,40000,300000,75000,225000,14025,13525,54025,53525,278525,293393,55,50163,3,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.7472324,13525,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7485",0,36000,110000,75000,35000,15200,15200,51200,51200,86200,86200,36,64104,5,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7486",0,0,96000,96000,0,655,-15345,655,-15345,-15345,7655,32,36015,6,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-15345,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7487",0,1000,50000,0,50000,0,-6000,1000,-5000,45000,45000,28,32160,5,11,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-6000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7488",0,3000,5500,3500,2000,550,-150,3550,2850,4850,6350,38,24945,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-150,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7489",0,0,0,0,0,700,-4300,700,-4300,-4300,-4300,31,29664,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,-4300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7490",2600,0,120000,0,120000,62400,53400,65000,56000,176000,179051,49,61893,3,17,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,56000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7491",0,1000,157000,135000,22000,8000,8000,9000,9000,31000,31000,59,102150,4,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,8000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7492",0,38,0,0,0,12,-512,50,-474,-474,-474,26,18225,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-512,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7493",5000,6800,130000,74000,56000,24750,24550,36550,36350,92350,95946,46,41949,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,29550,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7494",5600,2500,165000,112000,53000,35400,33400,43500,41500,94500,97000,44,80904,4,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,39000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7495",11000,1200,120000,0,120000,5500,5500,17700,17700,137700,143675,53,17880,1,12,1,0,0,0,1,1,1,1,0,1,0,0,2,2,0.3108636,16500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7496",0,11000,48000,34000,14000,15,-2975,11015,8025,22025,22025,34,25068,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-2975,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7497",0,17000,62500,53100,9400,750,150,17750,17150,26550,26550,36,38481,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,150,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7498",0,0,99000,0,99000,35,35,35,35,99035,101235,25,9666,1,12,1,0,1,0,1,1,0,0,0,1,0,0,1,2,0.3536102,35,1,1,0,0,0,0,0,0,1,0,0,0,0 +"7499",0,12000,300000,150000,150000,5950,5950,17950,17950,167950,167950,42,74529,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,5950,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7500",0,0,0,0,0,469,-531,469,-531,-531,-531,54,33573,2,13,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5896286,-531,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7501",25000,6000,235000,8700,226300,610,-374,31610,30626,256926,256926,38,36243,6,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,24626,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7502",0,13300,0,0,0,2515,2515,15815,15815,15815,15815,45,50889,1,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.5906146,2515,0,0,0,0,0,0,1,0,0,0,0,1,0 +"7503",0,0,165000,70000,95000,1000,-9000,1000,-9000,86000,86000,38,42546,4,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-9000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7504",0,18000,110000,110000,0,1800,-3200,19800,14800,14800,18681,35,52743,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-3200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7505",0,912,0,0,0,700,-780,1612,132,132,1374,26,14415,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-780,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7506",0,2500,85000,62000,23000,550,-2550,3050,-50,22950,29650,27,38322,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2550,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7507",0,2193,300000,117000,183000,25150,25150,27343,27343,210343,214593,33,64878,1,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,25150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7508",0,0,0,0,0,10000,9200,10000,9200,9200,11700,55,42600,1,16,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,9200,0,0,0,0,0,1,0,0,0,0,0,0,1 +"7509",0,0,150000,115000,35000,1600,1550,1600,1550,36550,36550,29,46383,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,1550,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7510",0,2600,0,0,0,2150,-3178,4750,-578,-578,922,36,34392,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-3178,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7511",0,0,40000,0,40000,2400,-100,2400,-100,39900,41100,42,42678,5,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7512",0,0,63900,50000,13900,2500,500,2500,500,14400,14400,33,24351,3,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7513",2000,1200,0,0,0,12050,10050,15250,13250,13250,13750,47,47730,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,12050,0,0,0,0,0,1,0,0,0,0,0,1,0 +"7514",16000,80000,105000,40000,65000,22200,21080,118200,117080,182080,182080,48,99600,3,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37080,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7515",1800,1200,100000,50000,50000,1000,1000,4000,4000,54000,54000,41,39351,5,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,2800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7516",8000,25000,0,0,0,10000,6100,43000,39100,39100,45100,39,77493,2,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.4888144,14100,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7517",0,0,75000,67000,8000,1260,-1840,1260,-1840,6160,6160,33,42408,3,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-1840,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7518",0,7000,50000,48000,2000,240,-6860,7240,140,2140,4640,36,24045,1,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-6860,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7519",0,4000,80000,0,80000,252699,252699,256699,256699,336699,337949,55,49050,2,14,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5315816,252699,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7520",0,10300,80000,28000,52000,4800,4700,15100,15000,67000,138787,45,78663,4,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,4700,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7521",29000,20000,230000,95000,135000,30000,28000,79000,77000,212000,212000,51,89964,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,57000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7522",16000,80000,300000,60000,240000,19369,16069,137369,134069,374069,374069,43,70545,6,18,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32069,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7523",0,5500,0,0,0,2960,-3140,8460,2360,2360,4860,26,22950,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-3140,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7524",0,16000,125000,116000,9000,13000,-6800,29000,9200,18200,30625,32,48180,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,-6800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7525",0,30000,0,0,0,8000,200,38000,30200,30200,32625,50,42780,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,200,0,0,0,0,0,1,0,0,0,0,0,1,0 +"7526",0,12000,0,0,0,612,-3588,12612,8412,8412,11780,46,33420,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-3588,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7527",0,0,0,0,0,700,700,700,700,700,8025,48,20439,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,700,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7528",0,1300,56000,39100,16900,1100,1100,2400,2400,19300,25800,42,36939,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,1100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7529",0,117,50000,44000,6000,0,-500,117,-383,5617,5617,45,29295,8,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7530",1700,2500,145000,100000,45000,43900,23200,48100,27400,72400,82400,35,54009,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,24900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7531",0,100,0,0,0,500,-2100,600,-2000,-2000,-2000,41,19527,5,11,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,-2100,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7532",11400,5000,240000,103000,137000,77698,62698,94098,79098,216098,296098,41,159096,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,74098,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7533",0,7000,0,0,0,4100,0,11100,7000,7000,10700,29,37452,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7534",37045,6724,130000,116000,14000,11125,6825,54894,50594,64594,67594,43,71844,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,43870,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7535",11000,0,0,0,0,2669,2369,13669,13369,13369,13369,49,69312,5,15,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5500422,13369,0,0,0,0,0,0,1,0,0,0,0,1,0 +"7536",0,0,120000,94000,26000,1000,1000,1000,1000,27000,31000,41,24300,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,1000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7537",0,0,0,0,0,400,-150,400,-150,-150,3593,34,22170,3,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-150,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7538",0,1000,75000,0,75000,0,0,1000,1000,76000,79000,41,20400,2,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7539",21900,30000,80000,48000,32000,10702,3002,62602,54902,86902,93602,49,55428,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,24902,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7540",30000,55000,225000,37000,188000,9500,9500,94500,94500,282500,282500,48,65940,2,18,1,1,1,1,1,1,1,1,0,0,0,1,6,4,0.7130944,39500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7541",0,13450,47000,36000,11000,36,36,13486,13486,24486,28861,46,12399,1,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,36,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7542",0,17000,0,0,0,8599,8599,25599,25599,25599,28099,37,35916,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,8599,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7543",0,2500,140000,84000,56000,2998,-4002,5498,-1502,54498,54498,49,40494,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-4002,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7544",4000,3000,0,0,0,9499,8899,16499,15899,15899,20565,38,20796,1,14,1,0,1,0,1,1,1,1,0,0,1,0,3,3,0.5117899,12899,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7545",0,100,118000,88000,30000,1200,-8960,1300,-8860,21140,30140,38,50070,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-8960,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7546",0,0,0,0,0,510,-55,510,-55,-55,1064,36,15780,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-55,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7547",2500,36000,0,0,0,32723,29923,71223,68423,68423,68423,37,75057,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.3313638,32423,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7548",10000,33000,50000,11000,39000,2399,2399,45399,45399,84399,84399,52,49107,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,12399,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7549",0,0,90000,86000,4000,1015,-2985,1015,-2985,1015,56515,42,33903,3,18,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,-2985,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7550",0,2300,0,0,0,886,-294,3186,2006,2006,5356,53,16320,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-294,0,0,1,0,0,0,0,0,0,0,0,1,0 +"7551",0,30,52000,46000,6000,798,798,828,828,6828,6828,47,44838,3,11,0,1,1,1,1,1,1,0,1,0,0,0,5,1,0.4407951,798,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7552",0,3210,55000,40000,15000,9011,8676,12221,11886,26886,36591,40,68388,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,8676,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7553",0,0,89000,42000,47000,310,-190,310,-190,46810,52035,46,27900,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,-190,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7554",1200,2500,100000,88500,11500,6000,6000,9700,9700,21200,27000,31,45093,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.4414764,7200,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7555",0,600,45000,42000,3000,4949,2949,5549,3549,6549,13549,31,13326,5,15,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1582553,2949,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7556",10300,6000,82000,10000,72000,34799,31149,51099,47449,119449,127449,47,57492,6,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,41449,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7557",0,17000,165000,6500,158500,27779,26779,44779,43779,202279,202279,51,79665,2,18,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,26779,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7558",0,1000,0,0,0,895,-2805,1895,-1805,-1805,-780,26,30720,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-2805,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7559",0,6000,0,0,0,23999,23759,29999,29759,29759,40434,25,30264,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,23759,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7560",0,18000,0,0,0,6050,3750,24050,21750,21750,25750,28,29514,1,12,0,1,1,0,1,1,1,0,0,1,0,0,3,2,0.2092901,3750,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7561",16000,19000,70000,0,70000,19499,19249,54499,54249,124249,164249,61,13596,2,13,0,1,0,0,1,1,1,1,0,0,1,0,2,3,0.1464927,35249,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7562",0,8000,0,0,0,3711,-474,11711,7526,7526,7826,37,89451,3,18,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.4572618,-474,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7563",0,0,0,0,0,0,0,0,0,0,0,30,27414,4,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7564",1200,22000,120000,109000,11000,22499,11999,45699,35199,46199,59199,39,61410,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,13199,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7565",0,1500,0,0,0,3000,-150000,4500,-148500,-148500,51500,29,18150,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-150000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7566",4100,48964,120000,60000,60000,1780,1180,54844,54244,114244,150244,38,65151,3,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,5280,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7567",0,21000,0,0,0,100,-1400,21100,19600,19600,19600,31,36936,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7568",0,2700,0,0,0,37700,37700,40400,40400,40400,47143,26,23235,1,18,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,37700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7569",0,0,28000,6000,22000,0,-3000,0,-3000,19000,19000,43,18168,7,9,0,1,0,1,1,1,0,0,1,0,0,0,2,1,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7570",45000,37000,100000,6000,94000,2749,-1251,84749,80749,174749,188749,43,58905,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,43749,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7571",0,25000,0,0,0,300,-18200,25300,6800,6800,6800,46,83319,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,-18200,0,0,0,0,0,0,0,1,0,0,0,1,0 +"7572",0,0,100000,35000,65000,2800,2800,2800,2800,67800,67800,44,45744,5,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,2800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7573",12238,134500,190000,102000,88000,25000,25000,171738,171738,259738,271738,33,94737,5,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37238,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7574",0,0,0,0,0,30050,14900,30050,14900,14900,22925,40,40440,1,16,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.3055234,14900,0,0,0,0,0,1,0,0,0,0,1,0,0 +"7575",0,3000,65000,59000,6000,25450,14450,28450,17450,23450,23450,34,28740,6,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,14450,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7576",0,1200,89000,29500,59500,450,-450,1650,750,60250,61250,31,30918,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-450,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7577",0,0,85000,63000,22000,700,-5800,700,-5800,16200,16850,36,52557,4,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-5800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7578",16000,4000,190000,25000,165000,115800,115800,135800,135800,300800,300800,46,72540,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,131800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7579",0,22000,0,0,0,6049,6049,28049,28049,28049,30049,37,35706,4,14,0,1,1,0,1,1,1,0,0,0,1,0,4,3,0.2951996,6049,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7580",0,0,32000,32000,0,3600,-6400,3600,-6400,-6400,-2550,43,45069,1,17,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-6400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7581",0,0,48000,11500,36500,340,-485,340,-485,36015,39940,44,21855,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-485,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7582",0,50000,0,0,0,0,-7000,50000,43000,43000,45850,49,10200,2,13,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-7000,0,0,1,0,0,0,0,0,0,0,0,1,0 +"7583",0,4000,5000,0,5000,5226,4846,9226,8846,13846,27846,32,49635,3,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,4846,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7584",0,0,300000,78000,222000,15005,5905,15005,5905,227905,232905,36,48819,5,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,5905,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7585",4000,22942,100000,14700,85300,3129,2825,30071,29767,115067,118067,48,49701,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,6825,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7586",0,15000,125000,110000,15000,14599,6099,29599,21099,36099,40499,43,104232,4,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,6099,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7587",0,48300,125000,80000,45000,21000,20700,69300,69000,114000,119000,35,68655,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,20700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7588",2600,0,92000,78500,13500,4500,4500,7100,7100,20600,71275,26,59100,1,16,0,0,1,0,1,1,0,1,0,0,0,1,6,4,0.4868788,7100,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7589",15000,20000,57000,56000,1000,1300,-2710,36300,32290,33290,33290,48,98034,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,12290,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7590",0,0,0,0,0,300,-1700,300,-1700,-1700,400,26,18378,4,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7591",5500,4000,150000,96500,53500,3899,-9571,13399,-71,53429,53429,34,36147,4,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,-4071,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7592",0,20500,85000,60000,25000,1120,720,21620,21220,46220,56020,36,45855,5,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,720,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7593",0,100,0,0,0,3250,3050,3350,3150,3150,24150,28,42345,3,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.3243191,3050,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7594",0,0,95000,50000,45000,6500,6400,6500,6400,51400,57400,33,71061,5,15,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,6400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7595",0,40000,50000,13000,37000,16000,14200,56000,54200,91200,95200,52,50220,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,14200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7596",0,2300,100000,40000,60000,1450,-550,3750,1750,61750,64883,44,38820,2,9,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6028074,-550,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7597",14000,14000,159000,137000,22000,6150,-3750,34150,24250,46250,51250,37,93090,4,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,10250,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7598",0,10800,80000,0,80000,1000,-2000,21800,18800,98800,117800,27,43275,3,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2000,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7599",0,7000,0,0,0,400,-4700,7400,2300,2300,5650,35,31224,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7600",10025,36000,95000,61500,33500,16718,10918,62743,56943,90443,94443,47,61575,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,20943,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7601",4000,35000,130000,129000,1000,25000,25000,64000,64000,65000,65000,28,96339,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7602",0,390,0,0,0,200,-3300,590,-2910,-2910,-2910,50,24114,6,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,-3300,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7603",1500,6000,70000,21100,48900,14500,13500,22000,21000,69900,133900,50,67335,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,15000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7604",5000,4000,135000,121000,14000,8420,3220,17420,12220,26220,26220,31,71673,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,8220,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7605",14000,1000,150000,85000,65000,57999,55899,72999,70899,135899,140599,49,91362,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,69899,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7606",0,0,145000,102500,42500,0,-1600,0,-1600,40900,45125,27,54444,1,17,0,0,1,0,1,1,0,0,0,0,0,1,6,4,0.4938007,-1600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7607",0,80,75000,20080,54920,100,-3200,180,-3120,51800,60800,25,34800,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-3200,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7608",0,0,66000,48000,18000,2500,2500,2500,2500,20500,35500,37,89319,7,15,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,2500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7609",6500,50000,220000,111000,109000,108000,106800,164500,163300,272300,461675,53,9294,1,16,1,0,1,0,1,1,1,1,0,0,0,1,1,4,0.2696344,113300,1,1,0,0,0,0,0,0,0,0,0,1,0 +"7610",0,5000,70000,65000,5000,357700,345700,362700,350700,355700,364700,32,53880,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,345700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7611",0,30000,300000,150000,150000,4000,500,34000,30500,180500,196000,42,60069,4,18,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7612",0,50000,0,0,0,1000,-21000,51000,29000,29000,32733,35,59430,3,14,0,0,0,0,1,1,1,0,0,0,1,0,6,3,0.3169526,-21000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"7613",0,36000,0,0,0,25,25,36025,36025,36025,36025,60,10755,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,25,0,0,1,0,0,0,0,0,0,0,0,0,1 +"7614",0,400,0,0,0,600,-5900,1000,-5500,-5500,-4300,26,18666,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-5900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7615",0,30000,125000,20000,105000,500,-2500,30500,27500,132500,135850,54,36375,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-2500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7616",0,42000,73000,24000,49000,2412,1612,44412,43612,92612,94612,57,39921,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,1612,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7617",0,4000,0,0,0,29,-2971,4029,1029,1029,7029,32,15840,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-2971,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7618",6000,0,168500,112000,56500,599,599,6599,6599,63099,63099,40,65844,3,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,6599,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7619",0,22000,40000,21000,19000,0,-3500,22000,18500,37500,37500,51,24087,5,9,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-3500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7620",23400,2500,65000,35345,29655,56100,55423,82000,81323,110978,124478,44,51294,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,78823,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7621",0,1500,48000,46000,2000,180,180,1680,1680,3680,5680,33,20130,3,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,180,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7622",0,0,0,0,0,0,-5200,0,-5200,-5200,-3700,50,23136,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5200,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7623",0,80000,250000,45000,205000,2000,1750,82000,81750,286750,286750,64,69900,2,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,1750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7624",0,9000,82000,65000,17000,1549,1549,10549,10549,27549,31549,32,28935,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,1549,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7625",0,1000,35000,33250,1750,194,-1006,1194,-6,1744,1744,35,16347,4,14,1,1,0,1,1,1,1,0,0,0,1,0,2,3,0.3623197,-1006,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7626",0,53300,210000,137000,73000,1999,-2801,55299,50499,123499,123499,53,78801,2,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,-2801,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7627",0,28,0,0,0,0,-306,28,-278,-278,2055,28,12684,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-306,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7628",20000,0,225000,31000,194000,41400,41400,61400,61400,255400,269496,54,81282,1,18,1,0,1,0,1,1,0,1,0,0,0,1,7,4,0.7355057,61400,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7629",0,80000,92000,63000,29000,23405,22705,103405,102705,131705,131705,45,71010,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,22705,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7630",0,1300,70000,64000,6000,500,500,1800,1800,7800,7800,34,21600,7,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7631",19790,10000,140000,35000,105000,122500,122500,152290,152290,257290,258290,51,52410,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,142290,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7632",0,0,45500,45500,0,75,-1425,75,-1425,-1425,-275,32,24678,5,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-1425,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7633",10842,0,0,0,0,1499,-4501,12341,6341,6341,15191,35,10578,1,15,1,0,0,0,1,1,0,1,0,0,1,0,2,3,0.3268128,6341,0,0,1,0,0,0,0,0,0,1,0,0,0 +"7634",0,0,0,0,0,5533,4339,5533,4339,4339,10889,38,28131,3,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,4339,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7635",0,7000,145000,135000,10000,25550,25550,32550,32550,42550,42550,26,73902,2,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25550,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7636",5200,5000,30000,0,30000,200,-650,10400,9550,39550,39550,43,40854,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,4550,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7637",0,2300,50000,0,50000,772,-228,3072,2072,52072,53072,55,32805,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-228,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7638",0,0,45000,45000,0,2000,-6000,2000,-6000,-6000,-6000,29,52800,4,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-6000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7639",1800,19000,70000,0,70000,17000,17000,37800,37800,107800,112225,57,11520,3,14,1,0,0,0,1,1,1,1,0,0,1,0,2,3,0.3108636,18800,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7640",0,5690,0,0,0,12400,12400,18090,18090,18090,20243,41,34692,1,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,12400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7641",0,720,97000,97000,0,38316,38316,39036,39036,39036,44997,42,29289,3,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,38316,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7642",0,0,0,0,0,5400,900,5400,900,900,7775,43,27204,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,900,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7643",0,0,49500,22000,27500,9300,9040,9300,9040,36540,45525,44,31665,4,9,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,9040,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7644",0,0,0,0,0,4600,2600,6100,4100,4100,60600,38,70692,3,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,2600,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7645",0,40000,92000,85000,7000,7800,-3200,47800,36800,43800,46553,54,57603,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-3200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7646",0,8000,80000,42000,38000,850,-4450,8850,3550,41550,42150,49,43206,3,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-4450,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7647",4900,2300,99500,76000,23500,2900,-2600,10100,4600,28100,31100,59,58716,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,2300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7648",68000,32500,55000,55000,0,32000,32000,132500,132500,132500,137500,41,131781,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,100000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7649",0,16000,125000,16000,109000,12497,10447,28497,26447,135447,167447,51,45051,4,17,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,10447,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7650",0,0,120000,85000,35000,1098,-25402,1098,-25402,9598,9598,37,56784,3,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-25402,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7651",0,3800,0,0,0,1000,1000,4800,4800,4800,4800,32,42864,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,1000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7652",0,0,75000,0,75000,66099,66049,66099,66049,141049,164049,45,35913,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,66049,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7653",0,2500,175000,21000,154000,63000,63000,65500,65500,219500,224742,53,44778,1,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,63000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7654",0,2722,0,0,0,20445,20445,23167,23167,23167,28828,46,55779,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,20445,0,0,0,0,0,0,1,0,0,0,0,1,0 +"7655",27430,80000,200000,0,200000,24200,24200,131630,131630,331630,381630,60,128040,3,18,0,1,1,0,1,1,1,1,0,0,0,1,7,4,0.5801663,51630,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7656",50000,31000,300000,0,300000,81340,80940,162340,161940,461940,461940,47,59736,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,130940,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7657",0,0,57000,57000,0,4200,-1111,4200,-1111,-1111,7589,31,50520,3,13,0,1,1,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-1111,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7658",0,9000,58000,42000,16000,12388,10188,21388,19188,35188,37488,45,30090,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,10188,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7659",0,100,85000,75000,10000,3680,3080,3780,3180,13180,17880,30,33999,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,3080,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7660",0,80000,73000,32000,41000,12400,9664,92400,89664,130664,133914,47,42840,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,9664,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7661",0,21000,65000,0,65000,69762,69762,90762,90762,155762,155762,60,73614,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,69762,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7662",0,1450,74000,68100,5900,1260,-1740,2710,-290,5610,5610,30,48363,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-1740,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7663",0,0,200000,85000,115000,17500,-500,17500,-500,114500,126495,53,47658,3,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7664",0,4500,90000,71500,18500,4475,3075,8975,7575,26075,59425,53,40494,2,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,3075,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7665",2300,3000,115000,0,115000,13249,13249,18549,18549,133549,133549,55,33540,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,15549,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7666",0,71478,105000,70500,34500,2949,-51,74427,71427,105927,105927,39,66165,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-51,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7667",13500,0,125000,50000,75000,7666,7303,21166,20803,95803,100653,57,23565,1,14,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,20803,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7668",200,10000,32000,22500,9500,287,-3970,10487,6230,15730,15730,41,42927,4,14,0,1,1,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-3770,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7669",7000,10000,145000,110000,35000,45198,45198,62198,62198,97198,130698,44,54627,1,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,52198,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7670",2400,30000,210000,119000,91000,21748,21548,54148,53948,144948,177948,55,46155,5,10,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,23948,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7671",0,30000,95000,64000,31000,6477,5077,36477,35077,66077,76077,35,69789,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,5077,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7672",0,0,0,0,0,13499,13499,13499,13499,13499,21960,31,24750,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,13499,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7673",0,5000,125000,79000,46000,6600,6300,11600,11300,57300,104300,35,41850,5,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,6300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7674",9000,69000,280000,40000,240000,1150,1150,79150,79150,319150,319150,40,61176,5,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,10150,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7675",0,4000,55000,35000,20000,425,-19250,4425,-15250,4750,5250,37,27027,4,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-19250,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7676",0,600,0,0,0,100,-3360,700,-2760,-2760,-2760,26,24192,3,12,0,1,1,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-3360,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7677",22000,21000,0,0,0,2699,-18301,45699,24699,24699,45699,56,34803,2,14,1,1,0,1,1,1,1,1,0,0,1,0,4,3,0.6044431,3699,0,0,0,0,1,0,0,0,0,0,0,0,1 +"7678",4200,1000,0,0,0,4500,4300,9700,9500,9500,12525,33,31623,1,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,8500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7679",0,0,52000,42000,10000,2400,-26600,2400,-26600,-16600,-14900,41,51300,3,11,0,0,1,0,1,1,0,0,1,0,0,0,6,1,0.4938007,-26600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7680",0,0,115000,25000,90000,34300,34300,34300,34300,124300,624300,63,41991,2,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,34300,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7681",1500,35000,235000,150000,85000,4660,3250,41160,39750,124750,139850,45,67455,3,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,4750,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7682",0,0,0,0,0,0,0,0,0,0,500,26,10827,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7683",15000,0,130000,75000,55000,43000,40000,58000,55000,110000,110000,36,57543,4,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,55000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7684",0,2300,100000,0,100000,10149,5049,12449,7349,107349,108349,58,33471,3,10,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,5049,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7685",6028,1200,0,0,0,504,-4496,7732,2732,2732,49007,45,36294,3,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,1532,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7686",0,0,100000,48000,52000,7676,7676,7676,7676,59676,59676,39,29577,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,7676,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7687",0,2455,60000,60000,0,149,-1626,2604,829,829,829,28,15363,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-1626,1,0,1,0,0,0,0,0,1,0,0,0,0 +"7688",0,20970,36733,36733,0,8498,5198,29468,26168,26168,32768,43,49728,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,5198,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7689",0,0,90000,69000,21000,4600,3648,4600,3648,24648,32148,61,45492,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,3648,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7690",5600,0,80000,80000,0,19600,18700,30400,29500,29500,35300,31,62640,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,24300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7691",0,40000,220000,145000,75000,3420,-2080,43420,37920,112920,121120,33,42816,4,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-2080,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7692",0,50000,0,0,0,75,-16925,50075,33075,33075,35375,33,30117,4,18,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,-16925,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7693",20000,56000,75000,38000,37000,34000,31000,110000,107000,144000,157596,44,44790,3,18,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,51000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7694",0,28,0,0,0,170,-4480,198,-4452,-4452,-4452,27,45747,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-4480,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7695",0,10000,25000,0,25000,21075,21075,31075,31075,56075,70175,59,36342,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,21075,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7696",9000,12000,95000,60000,35000,19416,19416,40416,40416,75416,75416,38,68739,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,28416,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7697",0,0,0,0,0,0,0,0,0,0,4700,27,31005,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7698",0,31000,75000,44000,31000,0,-8200,31000,22800,53800,53800,47,48423,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-8200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7699",0,7000,75000,0,75000,3500,3500,10500,10500,85500,132500,55,39378,2,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,3500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7700",0,0,90000,68500,21500,2226,-17674,2226,-17674,3826,18026,47,70101,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-17674,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7701",4000,5000,50000,0,50000,33500,33500,42500,42500,92500,94000,49,33840,2,12,1,0,1,0,1,1,1,1,0,1,0,0,4,2,0.6174901,37500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7702",0,11000,130000,31000,99000,2400,2400,13400,13400,112400,112400,36,26136,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,2400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7703",0,1000,0,0,0,500,-5000,1500,-4000,-4000,-4000,40,35718,2,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-5000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7704",52000,10000,90000,75000,15000,15200,15200,77200,77200,92200,92200,47,90450,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,67200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7705",70,0,0,0,0,1512,-14230,1582,-14160,-14160,-3485,37,37407,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,-14160,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7706",11000,390,150000,25000,125000,22125,22125,33515,33515,158515,158515,45,39168,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,33125,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7707",0,0,80000,32500,47500,26832,22332,26832,22332,69832,92832,45,82575,7,14,0,1,1,1,1,1,0,0,0,0,1,0,7,3,0.5679367,22332,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7708",5200,0,105250,105250,0,5100,2100,10300,7300,7300,7300,30,44040,2,18,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,7300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7709",0,0,0,0,0,1099,1099,1099,1099,1099,10099,34,24300,4,1,1,1,0,1,1,1,0,0,1,0,0,0,3,1,0.4366938,1099,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7710",0,0,90000,54000,36000,1500,-11530,1500,-11530,24470,35470,43,34404,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-11530,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7711",9115,0,65000,44000,21000,2299,-1401,11414,7714,28714,34134,43,40842,4,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,7714,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7712",0,2200,115000,108000,7000,908,-23092,3108,-20892,-13892,-3292,31,62592,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-23092,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7713",0,12000,300000,120000,180000,39000,37500,51000,49500,229500,229500,52,83610,4,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,37500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7714",2700,8000,90000,90000,0,27200,21200,37900,31900,31900,52006,30,60369,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,23900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7715",0,10000,70000,69000,1000,1000,-4200,11000,5800,6800,11025,41,36000,5,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-4200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7716",0,0,162950,98000,64950,1299,-8701,1299,-8701,56249,57249,41,75450,3,16,0,1,1,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-8701,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7717",34000,24500,185000,127920,57080,333436,329336,391936,387836,444916,444916,29,169962,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,363336,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7718",6000,15,215000,150000,65000,532,-1068,6547,4947,69947,69947,40,10368,3,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.1464927,4932,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7719",15623,39000,70000,0,70000,86600,86600,141223,141223,211223,215023,60,136389,2,1,0,1,1,1,1,1,1,1,1,0,0,0,7,1,0.5801663,102223,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7720",0,0,60000,18000,42000,550,-3800,550,-3800,38200,39350,42,50460,1,15,1,0,0,0,1,1,0,0,0,0,1,0,6,3,0.7472324,-3800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7721",0,1800,0,0,0,236,-44764,2036,-42964,-42964,-32964,43,23412,1,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-44764,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7722",0,0,140000,25000,115000,9197,8947,9197,8947,123947,123947,46,47139,4,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,8947,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7723",0,400,0,0,0,3400,-37904,3800,-37504,-37504,-37504,27,17364,2,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-37904,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7724",0,0,79100,79100,0,6500,5500,6500,5500,5500,12500,40,39828,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,5500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7725",150,4000,99000,73950,25050,4900,1900,9050,6050,31100,31100,32,39996,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,2050,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7726",0,4600,135000,28500,106500,2800,-1400,7400,3200,109700,123700,42,73722,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-1400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7727",0,0,0,0,0,500,300,500,300,300,1800,47,20406,2,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.2092901,300,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7728",0,1000,42000,0,42000,4325,-5675,5325,-4675,37325,37325,32,62382,3,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-5675,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7729",37000,3500,65000,37000,28000,6150,5650,46650,46150,74150,83537,43,46857,3,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,42650,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7730",0,1800,0,0,0,50,-9150,1850,-7350,-7350,-1050,26,35244,2,15,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-9150,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7731",0,7000,45000,45000,0,230,-7300,7230,-300,-300,400,43,39261,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-7300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7732",31000,3000,142000,142000,0,4500,1300,38500,35300,35300,73300,43,105156,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,32300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7733",0,10000,95000,82000,13000,40,-30460,10040,-20460,-7460,-6960,43,29703,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2694195,-30460,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7734",0,20000,46000,0,46000,3712,3312,23712,23312,69312,70812,41,27111,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,3312,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7735",2000,0,70000,0,70000,4398,-6602,6398,-4602,65398,65398,59,36864,2,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,-4602,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7736",4000,8900,68000,48000,20000,299,-6701,13199,6199,26199,26199,28,44925,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-2701,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7737",0,1300,0,0,0,150,-850,1450,450,450,5450,27,44400,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-850,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7738",0,2500,40000,0,40000,0,0,2500,2500,42500,42500,51,10800,1,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7739",9000,31000,0,0,0,3499,3432,43499,43432,43432,43432,47,34236,5,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.6044431,12432,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7740",0,85000,70000,46000,24000,2475,-7025,87475,77975,101975,124975,47,77016,2,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-7025,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7741",6000,35000,94000,72000,22000,6500,5500,47500,46500,68500,77500,39,68949,5,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,11500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7742",0,6000,50000,0,50000,3300,-675,9300,5325,55325,61325,47,38820,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-675,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7743",0,0,200000,26000,174000,27135,21135,27135,21135,195135,207135,46,74625,4,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,21135,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7744",0,0,170000,122000,48000,352475,281100,352475,281100,329100,493600,62,58848,2,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,281100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7745",7000,15,18000,15000,3000,350,-4450,7365,2565,5565,11565,36,21366,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,2550,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7746",0,0,0,0,0,1100,100,1100,100,100,10100,32,42231,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,100,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7747",20000,20000,185000,100000,85000,32000,32000,72000,72000,157000,157000,37,67509,5,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,52000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7748",0,2300,80000,10000,70000,39999,39599,42299,41899,111899,111899,44,22668,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,39599,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7749",10000,19000,145000,145000,0,9685,4185,38685,33185,33185,215685,30,122802,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,14185,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7750",0,30000,0,0,0,8000,6500,38000,36500,36500,44175,37,25002,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7751",0,1700,83000,83000,0,1050,-6950,2750,-5250,-5250,8750,38,44472,5,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-6950,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7752",20000,2800,0,0,0,12046,10746,34846,33546,33546,36971,34,43887,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,30746,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7753",0,800,36000,14000,22000,0,0,800,800,22800,24934,35,19023,5,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7754",0,12000,154000,70000,84000,6650,1250,18650,13250,97250,97250,44,45927,3,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1250,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7755",0,0,0,0,0,3000,3000,3000,3000,3000,11075,61,35292,1,10,0,0,1,0,1,1,0,0,1,0,0,0,4,1,0.3086649,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"7756",0,1000,3000,0,3000,7000,7000,8000,8000,11000,19806,29,168,2,12,0,0,1,0,1,1,1,0,0,1,0,0,1,2,0.036628,7000,1,1,0,0,0,0,0,0,1,0,0,0,0 +"7757",0,10800,110000,70000,40000,44798,34898,55598,45698,85698,90198,43,88062,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,34898,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7758",0,0,0,0,0,17000,16700,17000,16700,16700,29879,31,28047,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,16700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7759",0,3000,159900,100000,59900,2600,-5400,5600,-2400,57500,66700,34,66396,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-5400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7760",5000,500,119000,36000,83000,500,-1100,6000,4400,87400,88400,64,22983,2,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,3900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7761",0,5000,75000,42000,33000,700,-200,5700,4800,37800,43150,44,36156,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,-200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7762",12000,10000,240000,125000,115000,12000,6000,34000,28000,143000,147000,47,80211,2,12,0,1,1,1,1,1,1,1,0,1,0,0,7,2,0.5801663,18000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7763",0,6508,80000,43000,37000,46234,43134,52742,49642,86642,89242,45,39018,2,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,43134,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7764",0,255,55000,17000,38000,2907,2107,3162,2362,40362,42862,34,37620,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,2107,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7765",0,0,65000,25000,40000,40000,39750,40000,39750,79750,80750,54,41799,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,39750,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7766",0,0,80000,0,80000,33700,33700,33700,33700,113700,138700,54,53862,3,18,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,33700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7767",24000,21000,0,0,0,7400,6800,52400,51800,51800,51800,36,78765,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.4696543,30800,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7768",0,3000,35000,15000,20000,19999,19749,22999,22749,42749,42749,35,34854,2,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,19749,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7769",0,0,0,0,0,210,-290,210,-290,-290,3560,44,20652,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-290,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7770",0,0,0,0,0,75,75,75,75,75,-605,26,20403,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,75,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7771",14433,80000,220000,130000,90000,26199,22199,120632,116632,206632,219207,39,93120,2,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,36632,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7772",800,80000,83000,83000,0,53848,39448,134648,120248,120248,178798,33,146076,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,40248,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7773",0,8000,50000,30000,20000,1550,-2150,9550,5850,25850,31850,50,37635,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2150,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7774",0,4000,60000,0,60000,5000,4200,9000,8200,68200,73075,44,54543,6,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7775",0,10107,0,0,0,600,-6100,10707,4007,4007,5507,50,34986,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-6100,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7776",0,17000,170000,80000,90000,13349,-2451,30349,14549,104549,177549,47,92583,3,18,0,1,1,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-2451,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7777",0,0,70000,0,70000,44,-456,44,-456,69544,71730,53,34653,1,12,1,1,1,0,1,1,0,0,0,1,0,0,4,2,0.5297047,-456,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7778",0,50000,75000,21000,54000,549,-451,50549,49549,103549,103549,50,30189,3,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-451,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7779",1900,1800,0,0,0,1480,-9520,5180,-5820,-5820,-2295,30,33585,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,-7620,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7780",0,1900,225000,150000,75000,500,-4500,2400,-2600,72400,72400,64,36693,8,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7781",0,2600,0,0,0,50,-3100,2650,-500,-500,-500,36,38253,5,14,0,1,1,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-3100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7782",0,1300,63000,62000,1000,2240,-5060,3540,-3760,-2760,5240,33,49776,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-5060,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7783",0,6800,0,0,0,4022,-8478,10822,-1678,-1678,-1678,29,33744,2,15,0,1,1,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-8478,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7784",0,50000,0,0,0,700,-1800,50700,48200,48200,55796,27,30015,1,17,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-1800,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7785",4000,4000,240000,147000,93000,8025,8025,16025,16025,109025,119704,29,74070,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,12025,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7786",0,890,300000,45000,255000,20,-2980,910,-2090,252910,263910,38,45786,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-2980,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7787",8000,2000,250000,106000,144000,500,440,10500,10440,154440,182440,51,46980,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,8440,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7788",0,4786,0,0,0,5318,5288,10104,10074,10074,10074,36,35364,2,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,5288,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7789",1600,3000,84000,54000,30000,4550,-15750,9150,-11150,18850,22850,32,57441,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-14150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7790",56000,25000,300000,150000,150000,101300,100500,182300,181500,331500,411500,59,67482,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,156500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7791",0,5000,67000,67000,0,3000,-13500,8000,-8500,-8500,-5900,27,49200,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,-13500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7792",3966,0,170000,97000,73000,1750,-2450,5716,1516,74516,74516,48,76209,5,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,1516,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7793",203,15000,265000,67500,197500,2523,2523,17726,17726,215226,215226,42,60090,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,2726,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7794",0,50000,0,0,0,248,248,50248,50248,50248,50248,50,34545,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,248,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7795",17000,2400,0,0,0,12000,10800,31400,30200,30200,30200,29,83610,2,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.4888144,27800,0,0,0,0,0,0,0,1,1,0,0,0,0 +"7796",0,0,82000,63000,19000,2999,2999,2999,2999,21999,21999,53,54486,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7797",9000,50800,48000,16500,31500,10049,10049,69849,69849,101349,106749,47,34149,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,19049,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7798",0,800,90000,0,90000,4000,4000,4800,4800,94800,97775,48,13800,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,4000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7799",0,0,96000,69000,27000,28500,20080,28500,20080,47080,47080,46,76233,4,13,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,20080,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7800",0,600,40000,23500,16500,1500,-5500,2100,-4900,11600,14950,37,35976,4,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-5500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7801",0,0,52000,23900,28100,3500,2750,3500,2750,30850,30850,45,44067,4,10,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,2750,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7802",15996,1000,85000,12000,73000,19474,19274,36470,36270,109270,159270,56,47790,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,35270,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7803",0,0,0,0,0,200,200,200,200,200,775,26,19548,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,200,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7804",30000,10000,120000,0,120000,52375,52375,92375,92375,212375,214725,57,26142,1,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2658667,82375,1,0,0,1,0,0,0,0,0,0,0,0,1 +"7805",0,3756,187000,0,187000,3917,-15533,7673,-11777,175223,191247,30,66123,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-15533,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7806",0,0,39000,32000,7000,4999,4999,4999,4999,11999,14499,43,6450,2,10,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0.375,4999,1,1,0,0,0,0,0,0,0,0,1,0,0 +"7807",13467,6000,65000,23000,42000,47000,42100,66467,61567,103567,103567,60,46071,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,55567,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7808",1900,35000,124000,99000,25000,56582,49532,93482,86432,111432,113798,45,91575,1,18,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.7355057,51432,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7809",4000,2300,58000,40000,18000,5648,-3262,11948,3038,21038,21038,30,47001,2,16,0,1,1,1,1,1,1,1,0,0,0,1,5,4,0.4624346,738,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7810",0,3000,65000,0,65000,700,0,3700,3000,68000,69500,33,41283,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7811",0,24000,155000,87000,68000,1200,-2100,25200,21900,89900,105953,40,54591,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-2100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7812",0,100,10000,13000,-3000,185,-5815,285,-5715,-8715,-8715,42,26526,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-5815,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7813",0,0,0,0,0,583,583,583,583,583,583,44,24678,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,583,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7814",0,20000,0,0,0,1599,-4401,21599,15599,15599,17099,31,31905,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-4401,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7815",0,1700,90000,74900,15100,29999,28299,31699,29999,45099,48267,41,24558,4,16,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.273178,28299,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7816",0,300,0,0,0,12757,7557,13057,7857,7857,17357,29,55851,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,7557,0,0,0,0,0,0,1,0,1,0,0,0,0 +"7817",5204,3200,0,0,0,505,-2495,8909,5909,5909,107009,51,29196,5,16,0,1,0,0,1,1,1,1,0,0,0,1,3,4,0.2061994,2709,0,0,0,1,0,0,0,0,0,0,0,1,0 +"7818",0,6000,68000,65000,3000,600,-1900,6600,4100,7100,7100,41,69840,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7819",0,1000,75000,73500,1500,970,-11030,1970,-10030,-8530,-6030,37,38292,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-11030,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7820",4000,0,42000,15000,27000,0,-6000,4000,-2000,25000,31543,44,36600,4,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,-2000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7821",0,3000,58000,52500,5500,300,-4200,3300,-1200,4300,4300,32,47361,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-4200,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7822",13000,5000,86000,49000,37000,7600,7525,25600,25525,62525,62525,42,49668,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,20525,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7823",0,0,0,0,0,1550,-59450,1550,-59450,-59450,-56950,25,40800,1,16,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5231876,-59450,0,0,0,0,0,1,0,0,1,0,0,0,0 +"7824",0,4000,0,0,0,7500,7200,11500,11200,11200,15150,30,23550,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,7200,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7825",23000,4000,300000,150000,150000,60000,60000,87000,87000,237000,299000,43,155196,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7826",35000,13250,135000,68000,67000,35150,32750,83400,81000,148000,148350,43,76581,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,67750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7827",0,28160,52000,17500,34500,6501,-13451,34661,14709,49209,49459,42,58182,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,-13451,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7828",0,0,0,0,0,14,-5280,14,-5280,-5280,-2780,32,30360,3,14,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-5280,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7829",13000,0,140000,80000,60000,13030,12130,26030,25130,85130,85130,35,49920,2,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,25130,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7830",0,22000,116000,60000,56000,31450,31450,53450,53450,109450,109450,35,60303,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,31450,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7831",0,2300,30000,18200,11800,50,-1250,2350,1050,12850,27850,42,17244,3,10,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,-1250,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7832",10000,80000,300000,150000,150000,7000,3000,97000,93000,243000,443000,52,106896,6,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,13000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7833",640,0,60000,58000,2000,8800,5300,9440,5940,7940,18940,31,55920,4,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,5940,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7834",0,250,0,0,0,6180,4180,6430,4430,4430,4430,33,29712,4,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,4180,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7835",8000,5000,0,0,0,6000,-49000,19000,-36000,-36000,67500,30,64995,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,-41000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"7836",700,20000,70000,40500,29500,12610,12054,33310,32754,62254,76566,34,74472,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,12754,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7837",0,47942,75000,0,75000,2000,-2000,49942,45942,120942,127942,52,61200,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7838",0,15000,300000,125000,175000,20500,19000,35500,34000,209000,217750,30,62652,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,19000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7839",10000,8000,48000,0,48000,7300,7300,25300,25300,73300,78625,46,23985,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,17300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7840",0,650,35000,35000,0,760,185,1410,835,835,4285,32,17655,1,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,185,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7841",0,0,30000,30000,0,15000,15000,15000,15000,15000,15000,34,50262,4,1,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.5405443,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7842",5700,2500,85000,85000,0,15210,14910,23410,23110,23110,23110,34,39450,4,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,20610,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7843",0,17000,0,0,0,22000,21400,39000,38400,38400,39475,31,41058,1,18,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,21400,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7844",0,700,90000,72000,18000,23200,20800,23900,21500,39500,41450,33,45750,1,17,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,20800,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7845",0,65000,110000,33000,77000,44000,44000,109000,109000,186000,269550,46,69600,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,44000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7846",3000,13000,240000,150000,90000,12704,-28396,28704,-12396,77604,89104,37,85320,3,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-25396,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7847",23474,11000,275000,150000,125000,52770,-328830,98244,-283356,-158356,-155756,44,155415,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-305356,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7848",0,0,0,0,0,50,-350,50,-350,-350,-350,32,27285,8,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,-350,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7849",10200,4000,0,0,0,1600,-4500,15800,9700,9700,14296,26,26430,2,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,5700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7850",3200,80000,300000,150000,150000,51725,49225,134925,132425,282425,282425,45,80850,5,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,52425,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7851",8500,80000,200000,130000,70000,5499,3499,93999,91999,161999,161999,41,40296,4,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,11999,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7852",0,0,100000,77000,23000,10000,10000,10000,10000,33000,41596,42,52434,1,14,1,0,1,0,1,1,0,0,0,0,1,0,6,3,0.7472324,10000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7853",0,10,54000,35000,19000,186,-1917,196,-1907,17093,17093,39,23259,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-1917,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7854",9000,1900,0,0,0,5750,-6750,16650,4150,4150,14150,46,63240,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.3533661,2250,0,0,0,0,0,0,1,0,0,0,0,1,0 +"7855",0,22000,85000,58000,27000,4000,3100,26000,25100,52100,65100,52,52050,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7856",2600,18000,140000,121000,19000,18189,12189,38789,32789,51789,68789,33,53436,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14789,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7857",0,1300,0,0,0,13700,2700,15000,4000,4000,4800,35,117900,3,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4347773,2700,0,0,0,0,0,0,0,1,0,1,0,0,0 +"7858",0,7000,62000,0,62000,300,-2800,7300,4200,66200,114400,41,36975,6,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-2800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7859",0,0,0,0,0,200,-1300,200,-1300,-1300,848,26,16068,2,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-1300,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7860",2800,0,110000,65000,45000,2900,-30500,5700,-27700,17300,17300,40,46026,3,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,-27700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7861",0,12000,65000,34000,31000,749,549,12749,12549,43549,45549,56,52245,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,549,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7862",0,50000,30000,0,30000,0,-5000,50000,45000,75000,75000,61,16800,4,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7863",0,0,24000,0,24000,0,0,0,0,24000,24000,39,24582,3,11,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7864",0,0,0,0,0,506,506,506,506,506,506,42,23451,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.5315681,506,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7865",10000,59200,180000,58000,122000,5575,3275,74775,72475,194475,194475,41,91689,5,15,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,13275,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7866",0,2339,225000,114000,111000,1100,-9400,3439,-7061,103939,108539,50,45762,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-9400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7867",0,0,0,0,0,4643,-24557,4643,-24557,-24557,-22757,26,38160,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.2951996,-24557,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7868",0,13000,0,0,0,800,800,13800,13800,13800,13800,43,22950,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7869",0,0,120000,84000,36000,1200,550,1200,550,36550,36550,36,33462,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,550,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7870",8000,0,175000,0,175000,20600,20470,28600,28470,203470,203470,43,44298,5,16,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,28470,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7871",0,2000,42000,15000,27000,2499,2499,4499,4499,31499,31499,50,30138,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,2499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7872",24000,56500,158000,126000,32000,29750,28750,110250,109250,141250,141250,36,100125,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,52750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7873",6000,1000,133000,133000,0,24500,24500,31500,31500,31500,37975,42,44898,2,13,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,30500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7874",0,0,0,0,0,1000,1000,1000,1000,1000,8306,38,20163,1,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7875",0,0,90000,28000,62000,22200,22200,22200,22200,84200,87150,49,42915,1,18,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5315816,22200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7876",0,0,165000,13500,151500,3600,-3400,3600,-3400,148100,152100,36,64038,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-3400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7877",20000,6000,230000,0,230000,20499,20099,46499,46099,276099,466695,61,59166,5,16,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,40099,1,0,0,0,0,0,1,0,0,0,0,0,1 +"7878",0,0,66000,27999,38001,300,-200,300,-200,37801,38901,54,31203,5,11,1,1,0,1,1,1,0,0,1,0,0,0,4,1,0.5297047,-200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7879",0,13866,80000,31000,49000,1050,-3550,14916,10316,59316,59316,35,32265,5,17,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,-3550,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7880",0,25000,0,0,0,400,-800,25400,24200,24200,24200,55,47328,5,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.5995759,-800,0,0,0,0,0,1,0,0,0,0,0,0,1 +"7881",7600,0,120000,0,120000,48833,48333,56433,55933,175933,184529,64,49440,1,15,1,0,0,0,1,1,0,1,0,0,1,0,5,3,0.650903,55933,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7882",0,3000,120000,48000,72000,3000,-2000,6000,1000,73000,74125,43,38205,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-2000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7883",10000,100,61000,40000,21000,830,-11820,10930,-1720,19280,21280,42,41607,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,-1820,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7884",250,7600,45000,26350,18650,21945,21280,29795,29130,47780,47780,38,64974,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,21530,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7885",10000,0,125000,80000,45000,2260,1760,12260,11760,56760,56760,27,26523,3,16,0,1,0,0,1,1,0,1,0,0,0,1,3,4,0.2696004,11760,1,0,0,1,0,0,0,0,1,0,0,0,0 +"7886",0,1700,80000,50000,30000,54000,53500,55700,55200,85200,124200,42,50064,3,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,53500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7887",0,1000,0,0,0,650,-8128,1650,-7128,-7128,-7128,41,58293,4,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-8128,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7888",0,950,60000,26000,34000,700,-6700,1650,-5750,28250,47650,42,37914,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7889",0,2600,70000,62000,8000,4500,2000,7100,4600,12600,21600,36,46467,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7890",0,8900,62900,48000,14900,3125,1833,12025,10733,25633,30833,34,44661,5,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,1833,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7891",0,0,0,0,0,0,-2000,0,-2000,-2000,-1000,25,10059,3,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7892",0,400,45000,27000,18000,650,-2350,1050,-1950,16050,18098,33,18477,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,-2350,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7893",16000,16250,130000,97500,32500,21500,17000,53750,49250,81750,81750,35,48180,2,13,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,33000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7894",0,125,70000,50000,20000,1700,1520,1825,1645,21645,30645,51,68172,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1520,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7895",0,2207,80000,68500,11500,9594,8610,11801,10817,22317,25768,43,52425,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8610,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7896",0,30950,0,0,0,7460,2960,38410,33910,33910,35910,42,82035,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,2960,0,0,0,0,0,0,0,1,0,0,1,0,0 +"7897",36000,14000,300000,55000,245000,84000,29000,134000,79000,324000,324000,34,59922,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,65000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7898",12000,7000,0,0,0,15240,8240,34240,27240,27240,28315,45,46521,1,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.6430668,20240,0,0,0,0,0,1,0,0,0,0,0,1,0 +"7899",50000,50000,0,0,0,39000,32800,139000,132800,132800,198800,60,49944,1,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,82800,0,0,0,0,0,1,0,0,0,0,0,0,1 +"7900",0,6000,90000,38000,52000,9500,9500,15500,15500,67500,72500,49,23670,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,9500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7901",0,500,95000,80000,15000,15000,15000,15500,15500,30500,36961,25,26730,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,15000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"7902",0,36000,100000,49000,51000,30000,29000,66000,65000,116000,118000,64,39537,2,10,1,1,0,0,1,1,1,0,1,0,0,0,4,1,0.5297047,29000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7903",4575,5000,150000,16900,133100,5500,5500,15075,15075,148175,148175,53,46683,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,10075,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7904",0,0,5000,1000,4000,149,-1251,149,-1251,2749,2749,44,21273,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-1251,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7905",0,2500,0,0,0,349,-4451,2849,-1951,-1951,2774,31,27015,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-4451,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7906",16000,30000,0,0,0,6499,6499,52499,52499,52499,55849,38,29952,1,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2029813,22499,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7907",0,0,125000,101900,23100,1376,-4624,1376,-4624,18476,24476,53,52110,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-4624,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7908",0,1500,0,0,0,1250,1250,2750,2750,2750,3350,36,28800,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,1250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7909",5000,12000,90000,65000,25000,181500,164500,198500,181500,206500,406500,47,56580,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,169500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7910",0,12000,120000,17000,103000,55339,50769,67339,62769,165769,167269,46,75687,3,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,50769,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7911",7000,80400,85000,22500,62500,4795,2895,92195,90295,152795,169295,46,51150,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,9895,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7912",31000,68357,190000,0,190000,9099,499,113456,104856,294856,294856,59,99318,6,15,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,31499,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7913",6538,68000,200000,70000,130000,2900,-3100,77438,71438,201438,201438,57,100026,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,3438,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7914",0,0,92000,76000,16000,1630,-4770,1630,-4770,11230,19230,47,61800,5,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-4770,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7915",0,65000,130000,129000,1000,18048,16348,83048,81348,82348,82348,34,88770,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,16348,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7916",0,0,45000,43800,1200,2500,2500,2500,2500,3700,4300,34,40545,3,17,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,2500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7917",0,47000,300000,58000,242000,81024,80174,128024,127174,369174,377149,51,43560,1,16,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,80174,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7918",1600,0,80000,57000,23000,949,-551,2549,1049,24049,24949,37,33489,1,18,0,0,0,0,1,1,0,1,0,0,0,1,4,4,0.3669286,1049,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7919",0,1000,105000,62000,43000,17224,17224,18224,18224,61224,68424,43,21672,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,17224,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7920",29600,0,175000,150000,25000,1300,1300,30900,30900,55900,84900,47,22542,3,12,0,1,0,1,1,1,0,1,0,1,0,0,3,2,0.2696004,30900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7921",0,891,70000,0,70000,1598,-902,2489,-11,69989,79989,25,38496,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-902,1,0,0,0,1,0,0,0,1,0,0,0,0 +"7922",16700,3000,12000,0,12000,2250,2250,21950,21950,33950,33950,47,29886,4,10,0,1,0,0,1,1,1,1,1,0,0,0,3,1,0.2696004,18950,1,0,0,1,0,0,0,0,0,0,0,1,0 +"7923",0,200,70000,58000,12000,8220,8220,8420,8420,20420,28420,41,57252,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8220,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7924",0,10000,0,0,0,8450,7250,18450,17250,17250,18075,38,26538,1,17,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,7250,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7925",0,780,38600,38600,0,1500,1500,2280,2280,2280,1280,41,29706,2,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7926",0,21347,75000,36000,39000,17850,17850,39197,39197,78197,78197,33,44466,5,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,17850,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7927",0,0,0,0,0,451,-11199,451,-11199,-11199,-7849,40,33177,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-11199,0,0,0,0,1,0,0,0,0,0,1,0,0 +"7928",0,0,0,0,0,799,-1801,799,-1801,-1801,-301,28,20100,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-1801,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7929",0,0,45000,45000,0,8111,8111,8111,8111,8111,17111,55,18375,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,8111,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7930",0,0,75000,34000,41000,1300,-1000,1300,-1000,40000,52000,35,39162,5,13,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-1000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7931",0,171,0,0,0,600,-13400,771,-13229,-13229,-13229,33,30714,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-13400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7932",0,9500,48000,36500,11500,3260,1200,12760,10700,22200,24700,42,38091,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,1200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7933",0,0,45000,32600,12400,606,-1894,606,-1894,10506,30506,37,29523,4,13,0,1,1,0,1,1,0,0,0,0,1,0,3,3,0.273178,-1894,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7934",750,0,60000,35100,24900,300,-5400,1050,-4650,20250,20250,35,44379,5,13,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,-4650,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7935",58000,13767,163000,130400,32600,94325,92625,166092,164392,196992,230592,46,91017,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,150625,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7936",10000,3000,55000,45000,10000,18174,13974,31174,26974,36974,40974,40,52920,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,23974,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7937",15700,3909,175000,150000,25000,67900,67900,87509,87509,112509,121509,29,91536,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83600,1,0,0,0,0,0,0,1,1,0,0,0,0 +"7938",0,7000,139000,139000,0,8830,-670,15830,6330,6330,5330,48,76680,1,18,1,0,0,0,1,1,1,0,0,0,0,1,7,4,0.6891237,-670,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7939",0,14000,23000,15000,8000,350,350,14350,14350,22350,23350,43,15300,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,350,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7940",0,8000,0,0,0,2500,-1500,10500,6500,6500,7500,37,73665,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-1500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"7941",0,5000,100000,30000,70000,9000,-1400,14000,3600,73600,73600,58,33816,3,8,0,1,1,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-1400,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7942",0,20000,88000,25000,63000,11500,11500,31500,31500,94500,100800,46,32637,1,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,11500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7943",0,11000,0,0,0,6400,-1100,17400,9900,9900,14125,35,40860,3,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5231876,-1100,0,0,0,0,0,1,0,0,0,1,0,0,0 +"7944",12000,80600,150000,25000,125000,6099,5299,98699,97899,222899,222899,57,40152,3,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,17299,1,0,0,0,0,1,0,0,0,0,0,0,1 +"7945",50000,30000,160000,70000,90000,8575,7775,88575,87775,177775,185850,38,45948,1,17,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,57775,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7946",2000,80000,100000,78000,22000,60999,56999,142999,138999,160999,252749,54,57063,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,58999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7947",0,0,20000,0,20000,600,-1087,600,-1087,18913,18913,29,10791,4,12,1,1,1,0,1,1,0,0,0,1,0,0,2,2,0.3623197,-1087,1,0,1,0,0,0,0,0,1,0,0,0,0 +"7948",7000,0,95000,0,95000,8000,8000,15000,15000,110000,115000,56,31350,3,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,15000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"7949",0,2400,0,0,0,2849,2849,5249,5249,5249,22612,35,23892,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,2849,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7950",0,405,72000,67000,5000,3720,-2789,4125,-2384,2616,8216,30,43728,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-2789,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7951",30000,25000,275000,35000,240000,78600,78600,133600,133600,373600,381696,53,83460,4,16,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,108600,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7952",4000,15000,60000,52000,8000,8700,5961,27700,24961,32961,33511,54,68010,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,9961,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7953",0,97100,150000,49000,101000,9250,8850,106350,105950,206950,231950,54,70179,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,8850,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7954",0,27000,100000,55000,45000,30,-1430,27030,25570,70570,79070,39,19806,4,14,1,1,0,1,1,1,1,0,0,0,1,0,2,3,0.3623197,-1430,1,0,1,0,0,0,0,0,0,0,1,0,0 +"7955",0,5500,133900,48000,85900,1500,-1000,7000,4500,90400,94600,44,74277,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7956",0,14000,0,0,0,19999,19999,33999,33999,33999,35499,41,22800,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,19999,0,0,0,1,0,0,0,0,0,0,1,0,0 +"7957",0,1000,75000,51000,24000,8548,2748,9548,3748,27748,27748,33,58026,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2748,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7958",0,7000,100000,80000,20000,14685,11885,21685,18885,38885,38885,34,112509,3,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,11885,1,0,0,0,0,0,0,1,0,1,0,0,0 +"7959",10500,2000,80000,33750,46250,3748,2748,16248,15248,61498,62048,50,16521,1,13,1,0,0,0,1,1,1,1,0,0,1,0,2,3,0.3108636,13248,1,0,1,0,0,0,0,0,0,0,0,1,0 +"7960",0,30000,120000,45000,75000,26560,26560,56560,56560,131560,141560,39,49689,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,26560,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7961",29000,2148,300000,131000,169000,30198,29048,61346,60196,229196,267050,44,97887,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,58048,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7962",0,0,0,0,0,10042,6442,10042,6442,6442,8942,31,23481,2,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,6442,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7963",0,600,21000,18000,3000,2200,1600,2800,2200,5200,7468,32,18789,1,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,1600,1,0,1,0,0,0,0,0,0,1,0,0,0 +"7964",0,40000,0,0,0,2000,1750,42000,41750,41750,99175,50,35700,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1750,0,0,0,0,1,0,0,0,0,0,0,1,0 +"7965",0,600,65000,38000,27000,500,-400,1100,200,27200,40200,31,24006,2,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7966",0,22000,30000,26998,3002,800,-1200,22800,20800,23802,27602,50,36210,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-1200,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7967",0,400,0,0,0,45,-2455,445,-2055,-2055,-55,26,17619,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-2455,0,0,1,0,0,0,0,0,1,0,0,0,0 +"7968",10095,20200,140000,69000,71000,49033,49033,79328,79328,150328,161003,48,88596,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,59128,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7969",0,1600,30000,21500,8500,500,-2100,2100,-500,8000,12000,40,39045,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7970",0,20000,46000,37400,8600,2700,2700,22700,22700,31300,40300,30,36486,5,9,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,2700,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7971",0,0,0,0,0,400,400,400,400,400,400,25,20400,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"7972",0,0,0,0,0,499,499,499,499,499,3774,55,17913,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,499,0,0,1,0,0,0,0,0,0,0,0,0,1 +"7973",0,420,100000,69850,30150,2500,1050,2920,1470,31620,39620,28,42579,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1050,1,0,0,0,0,1,0,0,1,0,0,0,0 +"7974",0,5000,53000,53000,0,3500,3500,8500,8500,8500,13775,30,20430,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,3500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"7975",0,7000,95000,63000,32000,121000,117100,128000,124100,156100,164379,35,32874,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,117100,1,0,0,0,1,0,0,0,0,1,0,0,0 +"7976",0,530,0,0,0,49,49,579,579,579,11079,32,22383,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,49,0,0,0,1,0,0,0,0,0,1,0,0,0 +"7977",30000,50000,250000,150000,100000,51408,51408,131408,131408,231408,234504,48,34290,2,16,1,1,0,0,1,1,1,1,0,0,0,1,4,4,0.5449064,81408,1,0,0,0,1,0,0,0,0,0,0,1,0 +"7978",0,0,0,0,0,400,-1500,400,-1500,-1500,-1000,42,16224,6,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"7979",0,912,0,0,0,2350,-1910,3262,-998,-998,502,28,9042,1,17,1,0,1,0,1,1,1,0,0,0,0,1,1,4,0.3021799,-1910,0,1,0,0,0,0,0,0,1,0,0,0,0 +"7980",500,2000,58000,52100,5900,7405,7355,9905,9855,15755,21614,42,35244,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,7855,1,0,0,0,1,0,0,0,0,0,1,0,0 +"7981",0,11000,100000,78000,22000,4400,3400,15400,14400,36400,51275,35,50628,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,3400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"7982",2000,963,0,0,0,198,-2802,3161,161,161,161,28,38478,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.277538,-802,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7983",15742,0,0,0,0,10641,10591,26383,26333,26333,26333,52,19107,2,18,0,1,0,1,1,1,0,1,0,0,0,1,2,4,0.118155,26333,0,0,1,0,0,0,0,0,0,0,0,1,0 +"7984",0,20000,150000,98950,51050,20577,20527,40577,40527,91577,100315,29,61161,1,14,1,0,1,0,1,1,1,0,0,0,1,0,6,3,0.7472324,20527,1,0,0,0,0,0,1,0,1,0,0,0,0 +"7985",0,400,68000,67250,750,10342,-6658,10742,-6258,-5508,-5508,40,50292,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-6658,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7986",0,75000,95000,68000,27000,1750,-400,76750,74600,101600,102987,38,51528,6,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"7987",6000,14600,175000,35000,140000,2950,2450,23550,23050,163050,163050,46,99597,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,8450,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7988",5000,2000,140000,90000,50000,24000,17000,31000,24000,74000,92000,52,80565,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,22000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"7989",0,80000,125000,0,125000,35750,35750,115750,115750,240750,313750,36,108276,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,35750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"7990",0,50000,170000,150000,20000,10024,10024,60024,60024,80024,80024,47,40200,3,14,1,1,1,1,1,1,1,0,0,0,1,0,5,3,0.6077043,10024,1,0,0,0,0,1,0,0,0,0,0,1,0 +"7991",0,4300,0,0,0,656,56,4956,4356,4356,18731,34,34062,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,56,0,0,0,0,1,0,0,0,0,1,0,0,0 +"7992",0,0,250000,29900,220100,81000,80850,81000,80850,300950,300950,49,71691,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,80850,1,0,0,0,0,0,1,0,0,0,0,1,0 +"7993",0,2000,0,0,0,500,0,2500,2000,2000,6050,25,31992,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 +"7994",4362,1212,70000,0,70000,3289,289,8863,5863,75863,108196,40,40677,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,4651,1,0,0,0,0,1,0,0,0,0,1,0,0 +"7995",16000,70000,110000,65000,45000,32900,12900,118900,98900,143900,168900,57,81690,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,28900,1,0,0,0,0,0,0,1,0,0,0,0,1 +"7996",0,3577,37000,27000,10000,155,-630,3732,2947,12947,13313,56,16671,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-630,1,0,1,0,0,0,0,0,0,0,0,0,1 +"7997",5000,0,140000,100000,40000,2800,1400,7800,6400,46400,46400,34,47928,3,18,0,1,1,0,1,1,0,1,0,0,0,1,5,4,0.4624346,6400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"7998",0,0,30000,0,30000,0,-5547,0,-5547,24453,24453,38,20970,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-5547,1,0,0,1,0,0,0,0,0,0,1,0,0 +"7999",0,900,70000,47500,22500,399,-4201,1299,-3301,19199,22589,36,48921,5,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-4201,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8000",0,30000,45000,24900,20100,7400,6800,37400,36800,56900,65900,40,37680,5,10,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,6800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8001",22000,18000,93000,40000,53000,35300,34700,75300,74700,127700,130875,60,42432,3,12,1,0,0,0,1,1,1,1,0,1,0,0,5,2,0.650903,56700,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8002",17000,17000,200000,49100,150900,5000,4000,39000,38000,188900,270900,42,38220,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,21000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8003",0,0,40000,28000,12000,250,-1550,250,-1550,10450,17950,39,16392,4,12,0,1,0,1,1,1,0,0,0,1,0,0,2,2,0.1582553,-1550,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8004",0,200,98000,46000,52000,1458,-6772,1658,-6572,45428,45428,37,46050,4,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-6772,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8005",0,0,70000,66000,4000,1000,-14700,1000,-14700,-10700,-10700,40,48780,2,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-14700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8006",0,0,0,0,0,600,100,600,100,100,1100,30,23112,3,12,0,1,1,1,1,1,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8007",0,40000,0,0,0,1400,-10600,41400,29400,29400,30550,40,40650,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,-10600,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8008",0,0,31000,17500,13500,5100,-3100,5100,-3100,10400,31400,29,25908,3,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8009",11000,5000,250000,45000,205000,6475,5275,22475,21275,226275,239275,39,46110,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,16275,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8010",0,37580,198000,105000,93000,6699,899,44279,38479,131479,131479,44,114360,3,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,899,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8011",0,1000,0,0,0,1301,1301,2301,2301,2301,8301,43,16446,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,1301,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8012",0,0,50000,45000,5000,9999,8999,9999,8999,13999,14799,29,47178,2,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,8999,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8013",0,0,80000,73000,7000,1707,1407,1707,1407,8407,26407,51,76263,6,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,1407,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8014",0,0,0,0,0,2749,-251,2749,-251,-251,2749,30,80109,2,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4572618,-251,0,0,0,0,0,0,0,1,0,1,0,0,0 +"8015",0,50000,105000,85000,20000,26200,23400,76200,73400,93400,100400,34,51780,4,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,23400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8016",3000,0,75000,0,75000,6100,4600,9100,7600,82600,94600,36,40515,3,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,7600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8017",15000,0,125000,0,125000,42224,37624,57224,52624,177624,177624,55,53454,2,13,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,52624,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8018",1000,154,36000,28000,8000,12,-5763,1166,-4609,3391,3391,31,30636,4,18,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,-4763,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8019",0,425,0,0,0,252,-98,677,327,327,6327,26,28683,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-98,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8020",0,30000,84000,49500,34500,2800,-6700,32800,23300,57800,57800,36,69783,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-6700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8021",0,0,0,0,0,800,800,800,800,800,3800,31,23235,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8022",0,0,0,0,0,49,49,49,49,49,724,26,20340,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,49,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8023",0,0,52000,20000,32000,400,400,400,400,32400,50900,43,25500,2,13,0,0,1,0,1,1,0,0,0,0,1,0,3,3,0.2694195,400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8024",0,0,125000,103000,22000,8900,-3600,8900,-3600,18400,18400,43,52347,2,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.7472324,-3600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8025",12000,0,105000,20000,85000,27099,27099,39099,39099,124099,124099,43,27546,3,12,0,1,0,0,1,1,0,1,0,1,0,0,3,2,0.2696004,39099,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8026",0,1300,0,0,0,300,-17200,1600,-15900,-15900,-15900,26,27693,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-17200,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8027",6000,1000,69000,68200,800,449,-9051,7449,-2051,-1251,8749,28,25317,3,12,0,1,1,1,1,1,1,1,0,1,0,0,3,2,0.2696004,-3051,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8028",5200,5200,60000,50000,10000,2400,-1100,12800,9300,19300,33300,27,40134,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,4100,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8029",0,0,0,0,0,500,500,500,500,500,500,29,35385,3,14,1,1,1,1,1,1,0,0,0,0,1,0,4,3,0.5896286,500,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8030",0,8000,95000,80000,15000,2330,-1670,10330,6330,21330,21330,29,93357,1,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,-1670,1,0,0,0,0,0,0,1,1,0,0,0,0 +"8031",57000,5088,90000,0,90000,1799,-201,63887,61887,151887,446887,58,25977,2,18,0,1,0,0,1,1,1,1,0,0,0,1,3,4,0.2696004,56799,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8032",5700,52000,38000,28500,9500,2500,975,60200,58675,68175,92299,42,53496,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,6675,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8033",0,16825,0,0,0,6051,-4838,22876,11987,11987,11987,29,43533,2,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-4838,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8034",0,360,120000,61000,59000,98498,98498,98858,98858,157858,157858,52,73920,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,98498,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8035",15750,1000,40000,17000,23000,6500,-15500,23250,1250,24250,24250,57,75144,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,250,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8036",45450,5600,98000,7500,90500,57500,57420,108550,108470,198970,220330,53,41238,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,102870,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8037",25000,0,150000,95000,55000,53000,52000,78000,77000,132000,132000,46,59769,4,16,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,77000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8038",0,0,0,0,0,1450,1450,1450,1450,1450,1450,31,17310,6,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,1450,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8039",0,0,145000,57000,88000,3050,-1395,3050,-1395,86605,131181,47,48375,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-1395,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8040",3200,0,77000,77000,0,1100,1100,4300,4300,4300,33725,45,20010,4,13,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,4300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8041",23381,11000,57000,49400,7600,18175,14475,52556,48856,56456,56456,37,48966,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,37856,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8042",0,2300,0,0,0,0,0,2300,2300,2300,2800,50,7854,5,10,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,1,0 +"8043",0,0,300000,150000,150000,5234,434,5234,434,150434,156434,40,74418,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,434,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8044",0,5000,65000,45000,20000,0,0,5000,5000,25000,25000,39,39120,7,6,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8045",0,0,0,0,0,949,949,949,949,949,1149,42,32727,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,949,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8046",4000,1000,0,0,0,7199,2640,12199,7640,7640,16640,25,14028,2,12,0,1,0,1,1,1,1,1,0,1,0,0,2,2,0.118155,6640,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8047",600,2400,0,0,0,5651,5591,8651,8591,8591,14766,41,26790,1,18,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2029813,6191,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8048",6000,4000,67500,42300,25200,3000,-1000,13000,9000,34200,43533,35,22521,2,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2658667,5000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8049",0,400,35000,30000,5000,7807,7107,8207,7507,12507,14673,34,17760,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,7107,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8050",6050,0,205000,150000,55000,1623,-577,7673,5473,60473,68473,34,43890,6,17,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,5473,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8051",1000,800,39000,38500,500,800,-21700,2600,-19900,-19400,-7800,38,45822,5,18,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,-20700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8052",0,3800,0,0,0,499,-401,4299,3399,3399,9124,30,26430,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-401,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8053",0,3400,0,0,0,50,-3450,3450,-50,-50,-50,29,35706,5,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-3450,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8054",20000,6700,80000,50000,30000,100,100,26800,26800,56800,56800,61,27702,8,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,20100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8055",0,13000,110000,70000,40000,120,-6595,13120,6405,46405,47405,25,51315,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-6595,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8056",0,0,65000,43584,21416,203,-997,203,-997,20419,20419,60,35676,4,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,-997,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8057",70300,37500,105000,79500,25500,132664,132664,240464,240464,265964,390064,40,91653,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,202964,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8058",5100,5100,0,0,0,0,-6525,10200,3675,3675,6150,28,24348,3,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.5117899,-1425,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8059",44000,92205,73340,0,73340,50400,50400,186605,186605,259945,259945,52,50682,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,94400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8060",0,12000,72000,59000,13000,13794,13794,25794,25794,38794,96994,44,68535,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,13794,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8061",17300,8000,62300,62300,0,60499,55499,85799,80799,80799,108374,53,47190,1,13,0,0,0,0,1,1,1,1,0,0,1,0,5,3,0.4414764,72799,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8062",0,5500,165000,0,165000,80020,69798,85520,75298,240298,246048,41,61428,3,12,0,0,0,0,1,1,1,0,0,1,0,0,6,2,0.4938007,69798,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8063",0,2000,88000,22500,65500,6000,6000,8000,8000,73500,73500,46,43158,2,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,6000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8064",0,0,0,0,0,0,0,0,0,0,0,37,25920,5,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8065",0,10000,150000,64400,85600,57770,57703,67770,67703,153303,153303,40,55464,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,57703,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8066",0,0,0,0,0,0,0,0,0,0,500,39,17037,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8067",0,323,0,0,0,1100,980,1423,1303,1303,3728,34,19413,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,980,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8068",12000,31000,115000,80000,35000,4447,3232,47447,46232,81232,81232,38,69714,3,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,15232,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8069",2500,10000,229000,93000,136000,1749,1749,14249,14249,150249,210674,48,49746,1,14,1,0,1,0,1,1,1,1,0,0,1,0,5,3,0.650903,4249,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8070",4000,35000,116000,60000,56000,1949,1949,40949,40949,96949,100002,50,45045,1,14,1,0,1,0,1,1,1,1,0,0,1,0,5,3,0.650903,5949,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8071",0,403,0,0,0,1700,-310,2103,93,93,4668,36,19422,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-310,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8072",800,0,50000,0,50000,4075,-9965,4875,-9165,40835,40835,49,36630,4,14,1,1,0,1,1,1,0,1,0,0,1,0,4,3,0.5449064,-9165,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8073",7000,18000,125000,0,125000,4999,2999,29999,27999,152999,152999,57,34791,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8074",16000,16000,150000,82500,67500,14000,14000,46000,46000,113500,118175,48,60000,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,30000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8075",0,381,64000,48000,16000,147,-6853,528,-6472,9528,13903,26,16854,3,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-6853,1,0,1,0,0,0,0,0,1,0,0,0,0 +"8076",2500,0,0,0,0,23000,22700,25500,25200,25200,37253,33,35130,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,25200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8077",0,1800,80000,73600,6400,4700,4700,6500,6500,12900,16600,26,45312,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,4700,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8078",0,0,28307,28307,0,150,-10550,150,-10550,-10550,4426,25,31635,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-10550,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8079",0,22000,62000,37500,24500,1300,1300,23300,23300,47800,47938,46,17994,4,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,1300,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8080",0,6000,42000,15000,27000,1100,0,7100,6000,33000,33000,52,40329,2,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8081",0,0,0,0,0,0,-950,0,-950,-950,169050,48,75798,4,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4347773,-950,0,0,0,0,0,0,0,1,0,0,0,1,0 +"8082",6000,9000,250000,149000,101000,21914,20914,36914,35914,136914,136914,33,100563,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,26914,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8083",0,40,0,0,0,300,-2700,340,-2660,-2660,-2160,25,11157,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8084",0,10000,45000,39800,5200,381,381,10381,10381,15581,15581,38,23790,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,381,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8085",53000,6000,92000,63000,29000,7086,5306,66086,64306,93306,182806,60,41985,2,11,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,58306,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8086",6000,0,140000,96000,44000,67799,67499,73799,73499,117499,117499,33,68481,2,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,73499,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8087",0,1000,270000,91000,179000,3449,-17351,4449,-16351,162649,162649,38,49704,4,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-17351,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8088",0,52000,15000,12000,3000,0,0,52000,52000,55000,61000,52,37512,4,12,0,1,1,0,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8089",0,0,17500,0,17500,1000,1000,1000,1000,18500,18500,58,29472,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8090",0,0,0,0,0,115,-4735,115,-4735,-4735,-2169,25,22104,1,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,-4735,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8091",9000,9000,150000,90000,60000,9700,9700,27700,27700,87700,127700,51,103848,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,18700,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8092",0,10000,150000,129900,20100,1500,-1500,11500,8500,28600,33266,29,44697,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-1500,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8093",27000,1500,95000,55000,40000,6500,6250,35000,34750,74750,84929,39,36060,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,33250,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8094",0,0,50000,27500,22500,1350,-650,1350,-650,21850,21850,40,27768,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-650,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8095",15000,0,100000,0,100000,999,999,15999,15999,115999,161999,58,45285,2,11,0,1,0,1,1,1,0,1,1,0,0,0,5,1,0.4624346,15999,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8096",0,2877,62000,56500,5500,194,-11606,3071,-8729,-3229,3471,31,52254,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-11606,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8097",0,22000,16000,14000,2000,461,-11693,22461,10307,12307,14507,46,18507,2,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,-11693,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8098",0,0,30000,25000,5000,1250,1250,1250,1250,6250,53250,33,27033,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,1250,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8099",0,3609,35000,35000,0,2854,542,6463,4151,4151,12181,30,36447,1,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,542,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8100",0,100,80000,0,80000,500,-3500,600,-3400,76600,76600,48,15300,1,16,0,0,0,0,1,1,1,0,0,0,0,1,2,4,0.143074,-3500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8101",3500,3500,0,0,0,50,50,7050,7050,7050,9175,41,25707,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,3550,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8102",1000,0,140000,100000,40000,0,-8000,1000,-7000,33000,33000,46,40335,7,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,-7000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8103",0,4399,60000,40000,20000,43600,43600,47999,47999,67999,67999,28,57300,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,43600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8104",0,3000,82000,74900,7100,50,50,3050,3050,10150,18250,48,34452,6,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,50,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8105",0,10000,240000,150000,90000,2050,1750,12050,11750,101750,111750,39,71829,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8106",0,1200,0,0,0,655,655,1855,1855,1855,1855,30,25950,3,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,655,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8107",13785,0,58000,15000,43000,13244,13244,27029,27029,70029,72773,56,42144,2,15,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,27029,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8108",0,0,20000,15000,5000,16799,16799,16799,16799,21799,22299,39,38070,1,14,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,16799,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8109",11078,5599,90000,0,90000,1714,1350,18391,18027,108027,120605,44,52893,2,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,12428,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8110",20000,0,110000,19000,91000,33800,32400,53800,52400,143400,163400,47,92931,4,16,1,1,1,1,1,1,0,1,0,0,0,1,7,4,0.7316045,52400,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8111",17000,0,66000,56800,9200,1050,-994,18050,16006,25206,27106,41,43299,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,16006,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8112",0,4000,0,0,0,0,0,4000,4000,4000,7850,46,16860,4,12,1,1,0,0,1,1,1,0,0,1,0,0,2,2,0.3791962,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8113",0,40000,110000,75850,34150,2568,2568,42568,42568,76718,76718,53,76686,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,2568,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8114",0,0,48000,48000,0,1200,1200,1200,1200,1200,1200,38,44409,4,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,1200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8115",0,0,0,0,0,25399,25299,25399,25299,25299,71299,34,46161,2,10,0,1,0,0,1,1,0,0,1,0,0,0,5,1,0.3243191,25299,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8116",0,5000,42000,15000,27000,3799,1499,8799,6499,33499,39197,36,43164,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1499,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8117",0,2500,100000,78000,22000,25499,20499,27999,22999,44999,54999,40,37827,5,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,20499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8118",4000,80000,290000,70000,220000,65300,63300,149300,147300,367300,367300,46,79548,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,67300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8119",10600,10172,0,0,0,19085,17085,39857,37857,37857,45882,39,69009,1,14,0,0,0,0,1,1,1,1,0,0,1,0,6,3,0.3107966,27685,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8120",0,89,170000,103000,67000,845,-655,934,-566,66434,66649,32,42255,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-655,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8121",0,300,0,0,0,2600,-4400,2900,-4100,-4100,-2156,42,20898,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-4400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8122",0,1200,0,0,0,1000,-500,2200,700,700,700,37,24333,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8123",19945,33500,90000,40000,50000,2000,920,55445,54365,104365,110365,44,63291,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,20865,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8124",0,2000,41000,41000,0,1000,-3000,3000,-1000,-1000,3675,51,11703,6,11,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4041266,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8125",2500,0,0,0,0,34300,18600,36800,21100,21100,21100,28,29970,2,16,1,1,0,0,1,1,0,1,0,0,0,1,3,4,0.4172195,21100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8126",0,0,120000,87500,32500,2714,514,2714,514,33014,38014,35,64737,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,514,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8127",0,420,95000,62000,33000,13049,11249,13469,11669,44669,48169,31,64038,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,11249,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8128",0,0,120000,82000,38000,5015,-4985,5015,-4985,33015,33015,48,39846,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-4985,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8129",0,0,0,0,0,800,725,800,725,725,725,41,12750,6,13,1,1,0,1,1,1,0,0,0,0,1,0,2,3,0.3791962,725,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8130",0,785,60000,40000,20000,1448,-3452,2233,-2667,17333,18333,44,38862,3,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,-3452,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8131",25000,0,200000,45000,155000,20100,20100,45100,45100,200100,200100,43,86400,4,16,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,45100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8132",0,5000,175000,100000,75000,16275,7625,21275,12625,87625,87625,27,65847,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7625,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8133",27500,6088,165000,100000,65000,142499,142199,176087,175787,240787,329787,56,93069,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,169699,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8134",0,5088,72000,72000,0,3000,3000,8088,8088,8088,14988,55,28920,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,3000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8135",11000,1000,0,0,0,17000,17000,29000,29000,29000,38053,31,46050,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,28000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8136",2000,14000,80000,50000,30000,47000,45500,63000,61500,91500,95196,43,47184,4,13,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,47500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8137",0,3600,97000,69000,28000,1068,128,4668,3728,31728,34678,52,32973,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,128,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8138",0,2672,0,0,0,2735,235,5407,2907,2907,7337,54,19116,1,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,235,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8139",36000,21000,80000,0,80000,15599,12699,72599,69699,149699,162699,54,53895,2,12,0,1,1,0,1,1,1,1,0,1,0,0,6,2,0.5336504,48699,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8140",15000,80000,180000,105000,75000,85000,84800,180000,179800,254800,276025,51,67500,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,99800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8141",0,44000,125000,77000,48000,1423,1423,45423,45423,93423,93423,40,81216,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,1423,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8142",0,3000,12000,5522,6478,980,880,3980,3880,10358,19047,26,34518,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,880,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8143",0,800,0,0,0,5200,2050,6000,2850,2850,12850,30,59400,4,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.5000061,2050,0,0,0,0,0,0,1,0,0,1,0,0,0 +"8144",0,14000,63000,0,63000,500,100,14500,14100,77100,83300,48,37986,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8145",0,1500,45000,21500,23500,1200,-2700,2700,-1200,22300,28250,34,40062,3,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2700,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8146",0,7700,0,0,0,15700,11700,23400,19400,19400,21069,31,26100,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,11700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8147",17100,0,60000,39000,21000,17200,17200,34300,34300,55300,55300,36,36876,4,16,0,1,0,0,1,1,0,1,0,0,0,1,4,4,0.3524857,34300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8148",0,0,0,0,0,400,-7100,400,-7100,-7100,-4100,38,35157,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.2951996,-7100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8149",0,0,85000,60000,25000,100,-200,100,-200,24800,24850,43,24378,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8150",0,0,0,0,0,2800,-21548,2800,-21548,-21548,-21548,27,39981,2,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-21548,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8151",0,32000,0,0,0,2600,-7000,34600,25000,25000,28433,44,74850,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,-7000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8152",0,21000,250000,110000,140000,3350,-200,24350,20800,160800,164800,40,63678,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8153",0,60000,120000,42000,78000,30650,30090,90650,90090,168090,178090,48,70263,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,30090,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8154",0,587,0,0,0,0,-1091,587,-504,-504,4921,38,28056,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-1091,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8155",11500,8000,85000,62000,23000,6931,5931,26431,25431,48431,51431,34,65907,3,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17431,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8156",4000,8000,200000,39000,161000,1499,309,13499,12309,173309,174709,51,37770,7,11,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,4309,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8157",0,0,0,0,0,37025,35025,37025,35025,35025,39025,32,73500,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,35025,0,0,0,0,0,0,1,0,0,1,0,0,0 +"8158",0,2171,0,0,0,700,-4800,2871,-2629,-2629,746,28,26010,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-4800,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8159",0,0,0,0,0,0,0,0,0,0,0,48,54570,3,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5000061,0,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8160",0,20000,45000,33000,12000,0,0,20000,20000,32000,32400,41,12291,5,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8161",0,0,0,0,0,0,-19000,0,-19000,-19000,-19000,26,22695,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-19000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8162",0,1000,0,0,0,1050,-1950,2050,-950,-950,10646,32,16848,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1950,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8163",50763,17000,0,0,0,4999,4999,72762,72762,72762,122762,52,82278,4,15,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.4696543,55762,0,0,0,0,0,0,0,1,0,0,0,1,0 +"8164",2250,6240,75000,0,75000,47800,47800,56290,56290,131290,131290,56,24843,4,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,50050,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8165",2000,5000,115000,70000,45000,80000,78000,87000,85000,130000,137675,34,48270,2,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,80000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8166",0,0,75000,63000,12000,500,-9500,500,-9500,2500,11500,34,51960,2,13,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,-9500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8167",0,26000,75000,0,75000,41999,37779,67999,63779,138779,138779,33,77760,2,14,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,37779,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8168",4000,175,56000,40000,16000,1100,-3900,5275,275,16275,21275,33,45624,5,12,0,1,1,0,1,1,1,1,0,1,0,0,5,2,0.4624346,100,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8169",0,0,13600,0,13600,900,-5100,900,-5100,8500,9795,50,14544,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,-5100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8170",0,0,4000,0,4000,610,-790,610,-790,3210,3210,53,28041,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,-790,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8171",0,32000,80000,77500,2500,186,-24114,32186,7886,10386,12236,34,45528,3,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,-24114,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8172",4500,80000,0,0,0,22000,21650,106500,106150,106150,110350,25,25275,1,16,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2029813,26150,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8173",0,22000,108000,107000,1000,25000,23500,47000,45500,46500,50144,33,46035,1,18,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,23500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8174",0,0,38800,38800,0,485,-3015,485,-3015,-3015,916,33,23730,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-3015,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8175",0,51200,275000,148000,127000,1400,-10100,52600,41100,168100,168100,59,73116,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-10100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8176",0,0,0,0,0,1000,1000,1000,1000,1000,9000,36,45168,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,1000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8177",5500,6000,95000,73000,22000,500,-5500,12000,6000,28000,28000,33,39996,2,17,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8178",6800,6000,134000,134000,0,3750,1750,16550,14550,14550,14550,27,62895,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,8550,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8179",0,7000,130000,20000,110000,1385,-1665,8385,5335,115335,116437,54,31098,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1665,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8180",0,650,50000,45000,5000,549,549,1199,1199,6199,7699,26,14523,2,13,1,1,0,0,1,1,1,0,0,0,1,0,2,3,0.3623197,549,1,0,1,0,0,0,0,0,1,0,0,0,0 +"8181",0,3500,150000,122000,28000,1240,-4760,4740,-1260,26740,26740,46,50157,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-4760,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8182",0,16631,160000,67500,92500,9549,9499,26180,26130,118630,119930,38,94614,2,13,1,1,1,1,1,1,1,0,0,0,1,0,7,3,0.6849159,9499,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8183",0,4000,95000,65500,29500,1696,1696,5696,5696,35196,56196,56,101190,3,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,1696,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8184",0,3600,0,0,0,725,725,4325,4325,4325,6825,32,22872,1,15,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,725,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8185",2500,171,46000,30000,16000,40300,40000,42971,42671,58671,105671,35,31950,4,16,1,1,0,1,1,1,1,1,0,0,0,1,4,4,0.5449064,42500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8186",8000,70000,300000,150000,150000,20000,19300,98000,97300,247300,327300,47,116001,3,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,27300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8187",0,1000,0,0,0,499,-9501,1499,-8501,-8501,-8501,39,8040,3,14,1,0,0,0,1,1,1,0,0,0,1,0,1,3,0.3021799,-9501,0,1,0,0,0,0,0,0,0,0,1,0,0 +"8188",0,0,25000,15000,10000,0,0,0,0,10000,12625,53,13497,2,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8189",12000,10000,168000,85000,83000,16000,10000,38000,32000,115000,128179,29,56844,1,1,1,0,1,0,1,1,1,1,1,0,0,0,6,1,0.7856908,22000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8190",5000,18000,95000,40000,55000,4700,-1500,27700,21500,76500,113050,59,40590,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,3500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8191",0,10000,0,0,0,0,0,10000,10000,10000,10000,43,15300,1,11,0,0,1,0,1,1,1,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8192",7000,30000,129000,0,129000,16000,15550,53000,52550,181550,230411,56,39405,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,22550,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8193",0,47000,150000,0,150000,20285,17785,67285,64785,214785,214785,50,58572,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,17785,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8194",0,0,30000,25000,5000,3368,2930,3368,2930,7930,27430,38,40290,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,2930,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8195",7000,5000,70000,69850,150,498,-3027,12498,8973,9123,16123,29,55830,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,3973,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8196",0,0,100000,0,100000,141900,141125,141900,141125,241125,244025,46,35304,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,141125,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8197",0,80000,85000,66000,19000,12000,11500,92000,91500,110500,168500,38,39291,2,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,11500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8198",0,0,35000,20000,15000,200,-600,200,-600,14400,14400,42,18726,4,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-600,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8199",0,7000,90000,0,90000,1500,500,8500,7500,97500,172500,51,27132,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8200",0,10000,65000,60000,5000,499,-7001,10499,2999,7999,13960,35,21630,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-7001,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8201",0,1700,41000,34000,7000,3275,1050,4975,2750,9750,9750,37,50070,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1050,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8202",0,6000,70000,0,70000,1700,-300,7700,5700,75700,75700,32,36600,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8203",0,0,95000,65500,29500,16299,14299,16299,14299,43799,43799,48,41565,2,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,14299,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8204",0,2400,90000,40000,50000,47010,37010,49410,39410,89410,99410,36,38136,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,37010,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8205",9000,0,110000,96000,14000,11000,3500,20000,12500,26500,36625,37,50619,1,17,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,12500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8206",0,1600,52000,33000,19000,17400,17400,19000,19000,38000,50000,28,42513,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,17400,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8207",0,0,20000,0,20000,75,-3775,75,-3775,16225,25125,50,22350,6,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-3775,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8208",0,4000,86000,41000,45000,249,-6751,4249,-2751,42249,42249,50,41715,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-6751,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8209",0,0,0,0,0,450,250,450,250,250,2950,56,16440,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,0,0,0,1 +"8210",0,100,0,0,0,3009,2209,3109,2309,2309,5659,26,15228,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2209,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8211",0,13000,55000,55000,0,3099,1099,16099,14099,14099,22099,36,53670,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1099,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8212",0,2000,0,0,0,3565,2615,5565,4615,4615,12915,34,28293,4,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,2615,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8213",0,171,0,0,0,400,400,571,571,571,571,31,28359,3,13,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.4366938,400,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8214",5000,7000,157000,8000,149000,34000,33000,46000,45000,194000,197350,43,32100,1,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,38000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8215",0,0,67700,61500,6200,5300,2300,5300,2300,8500,9875,32,27405,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,2300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8216",0,1400,80000,75500,4500,5000,4500,6400,5900,10400,56400,44,37530,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,4500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8217",0,2000,50000,43000,7000,40,-13010,2040,-11010,-4010,-4010,25,34200,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-13010,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8218",0,0,75000,27500,47500,3220,3220,3220,3220,50720,56720,46,48528,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,3220,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8219",0,0,80000,28000,52000,1484,1072,1484,1072,53072,53072,60,39675,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1072,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8220",0,0,125000,48000,77000,43297,41297,43297,41297,118297,118297,47,66405,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,41297,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8221",0,3000,0,0,0,2800,2750,5800,5750,5750,8750,42,16467,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,2750,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8222",0,0,117000,102000,15000,300,-700,300,-700,14300,18300,37,26526,3,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8223",0,5000,80000,54000,26000,40,-9960,5040,-4960,21040,21040,58,14670,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-9960,1,0,1,0,0,0,0,0,0,0,0,0,1 +"8224",27000,14300,145000,118000,27000,24300,14500,65600,55800,82800,93933,30,78174,3,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,41500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8225",0,38328,40000,39000,1000,6000,3500,44328,41828,42828,53828,41,48612,4,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8226",0,1000,0,0,0,3000,-11000,4000,-10000,-10000,-5000,31,42510,2,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,-11000,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8227",0,0,70000,30000,40000,220,-180,220,-180,39820,39820,51,30780,5,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-180,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8228",528,35000,0,0,0,31200,30772,66728,66300,66300,67643,42,43032,1,13,0,0,0,0,1,1,1,1,0,0,1,0,5,3,0.3249403,31300,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8229",2000,33000,0,0,0,7498,7498,42498,42498,42498,46723,49,32838,1,13,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6739899,9498,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8230",0,0,60000,55000,5000,17500,17500,17500,17500,22500,22500,46,36120,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,17500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8231",8577,7200,70000,0,70000,41250,40450,57027,56227,126227,138227,56,61524,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,49027,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8232",17000,4000,80000,42000,38000,30511,30011,51511,51011,89011,104911,55,74688,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,47011,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8233",0,0,170000,130000,40000,9599,5099,9599,5099,45099,55209,33,110250,3,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,5099,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8234",0,900,54000,47200,6800,101,-4599,1001,-3699,3101,15101,36,24267,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-4599,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8235",6400,0,75000,20000,55000,12050,12050,18450,18450,73450,73450,46,70815,4,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,18450,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8236",0,20000,58000,45000,13000,7999,5999,27999,25999,38999,41499,53,30765,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,5999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8237",0,4114,149476,149476,0,730,-21745,4844,-17631,-17631,-14331,38,74457,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-21745,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8238",0,8000,63000,48500,14500,50,-12950,8050,-4950,9550,12160,44,18939,2,1,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4041266,-12950,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8239",0,0,17000,17000,0,200,-3300,200,-3300,-3300,-1459,32,24564,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-3300,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8240",11250,24750,300000,100000,200000,36000,33000,72000,69000,269000,277000,51,107640,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,44250,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8241",6430,20000,65000,41000,24000,1650,1650,28080,28080,52080,69680,61,48900,1,12,1,0,0,0,1,1,1,1,0,1,0,0,5,2,0.650903,8080,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8242",0,1500,75000,0,75000,12275,8775,13775,10275,85275,85275,33,61029,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8775,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8243",0,2400,0,0,0,400,-1100,2800,1300,1300,2100,37,25245,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-1100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8244",0,0,82000,74500,7500,7450,4450,7450,4450,11950,11950,39,48054,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,4450,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8245",20000,13500,130000,22000,108000,3949,3549,37449,37049,145049,157049,46,44154,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,23549,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8246",0,30000,19000,2000,17000,340,340,30340,30340,47340,51190,41,26316,3,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,340,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8247",6650,0,0,0,0,156114,155914,162764,162564,162564,181028,54,45963,1,18,1,0,1,0,1,1,0,1,0,0,0,1,5,4,0.6430668,162564,0,0,0,0,0,1,0,0,0,0,0,1,0 +"8248",0,0,120000,92000,28000,14499,9799,14499,9799,37799,37799,44,42090,3,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,9799,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8249",53300,18000,280000,0,280000,330000,330000,401300,401300,681300,681300,43,58236,5,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,383300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8250",0,1000,0,0,0,16382,15782,17382,16782,16782,19782,28,29754,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,15782,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8251",0,6000,125000,90000,35000,7500,5200,13500,11200,46200,55600,34,86700,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,5200,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8252",0,4300,0,0,0,30,-4470,4330,-170,-170,130,27,14400,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-4470,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8253",0,2500,63000,49250,13750,2000,-2800,4500,-300,13450,19450,30,39636,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8254",9000,8000,100000,100000,0,399,399,17399,17399,17399,22399,46,39894,3,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,9399,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8255",0,1200,50000,45000,5000,5499,4499,6699,5699,10699,14099,56,20220,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,4499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8256",0,0,0,0,0,115,115,115,115,115,10213,32,17520,5,14,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1283302,115,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8257",0,6800,69000,54900,14100,700,-35900,7500,-29100,-15000,-15000,48,28713,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-35900,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8258",0,0,0,0,0,2000,-12000,2000,-12000,-12000,-12000,27,29301,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,-12000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8259",0,80000,90000,0,90000,125600,125385,205600,205385,295385,295385,54,73890,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,125385,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8260",0,0,0,0,0,50000,49370,50000,49370,49370,125520,43,33636,2,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,49370,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8261",0,10000,53000,51500,1500,4810,2340,14810,12340,13840,15340,27,17628,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,2340,1,0,1,0,0,0,0,0,1,0,0,0,0 +"8262",26000,12000,50000,0,50000,43500,43500,81500,81500,131500,131500,61,51288,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,69500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8263",43046,45000,90000,12900,77100,26377,26289,114423,114335,191435,191435,55,40710,2,9,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,69335,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8264",25267,2000,170000,75000,95000,54885,54885,82152,82152,177152,177152,37,83274,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,80152,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8265",11400,45000,290000,121000,169000,15203,5557,71603,61957,230957,681957,62,110646,2,16,1,1,0,0,1,1,1,1,0,0,0,1,7,4,0.7316045,16957,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8266",0,1500,125000,0,125000,2100,1900,3600,3400,128400,128400,37,40362,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8267",0,1200,100000,93000,7000,2800,-3200,4000,-2000,5000,5000,52,100041,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,-3200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8268",0,2500,0,0,0,5,-3795,2505,-1295,-1295,7705,39,64092,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,-3795,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8269",1000,900,115000,0,115000,48049,48049,49949,49949,164949,165949,56,23319,5,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,49049,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8270",8138,0,250000,96000,154000,8400,6400,16538,14538,168538,234538,48,115527,3,15,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,14538,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8271",0,0,250000,150000,100000,17000,1000,17000,1000,101000,101000,38,99789,4,15,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,1000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8272",5000,14150,140000,102000,38000,12000,10500,31150,29650,67650,67650,33,71250,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,15500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8273",0,1000,49000,0,49000,0,0,1000,1000,50000,55943,41,27540,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8274",4000,21000,0,0,0,2500,2500,27500,27500,27500,48612,36,9315,1,18,0,0,1,0,1,1,1,1,0,0,0,1,1,4,0.1173758,6500,0,1,0,0,0,0,0,0,0,0,1,0,0 +"8275",0,11500,40000,31500,8500,2020,-4980,13520,6520,15020,15020,52,38460,3,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-4980,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8276",8000,80000,290000,0,290000,65800,64500,153800,152500,442500,443000,63,76104,2,18,0,0,0,0,1,1,1,1,0,0,0,1,7,4,0.4373496,72500,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8277",0,6600,40000,37800,2200,6000,1500,12600,8100,10300,10300,30,55908,2,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,1500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8278",0,7000,0,0,0,650,-535,7650,6465,6465,11165,39,21888,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-535,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8279",0,83,30000,25500,4500,179,-11,262,72,4572,15372,31,33258,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-11,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8280",0,0,65000,60000,5000,4300,-2700,4300,-2700,2300,3300,36,48615,4,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-2700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8281",0,1000,0,0,0,0,0,1000,1000,1000,5800,44,11880,5,10,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8282",18500,1500,130000,0,130000,23355,22155,43355,42155,172155,176655,49,65583,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,40655,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8283",0,0,0,0,0,10080,10080,10080,10080,10080,210080,59,13140,4,4,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,10080,0,0,1,0,0,0,0,0,0,0,0,0,1 +"8284",0,59000,0,0,0,650,150,59650,59150,59150,59988,57,25392,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,150,0,0,0,1,0,0,0,0,0,0,0,0,1 +"8285",18000,45000,130000,28000,102000,63000,63000,126000,126000,228000,231000,56,67092,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,81000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8286",0,10000,0,0,0,50,50,10050,10050,10050,10750,43,32433,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,50,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8287",0,0,120000,117500,2500,2059,1972,2059,1972,4472,12972,26,59139,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,1972,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8288",0,50,80000,62000,18000,13371,13371,53421,53421,71421,76408,36,42834,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,13371,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8289",0,0,145000,110000,35000,999,399,999,399,35399,52399,36,64971,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,399,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8290",18200,58000,238000,150000,88000,163000,163000,239200,239200,327200,640700,40,75297,5,18,0,1,1,0,1,1,1,1,0,0,0,1,7,4,0.5801663,181200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8291",0,450,40000,1600,38400,140,-6910,590,-6460,31940,31940,40,34425,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6910,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8292",0,20000,0,0,0,1750,1750,21750,21750,21750,25100,62,19206,2,15,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,1750,0,0,1,0,0,0,0,0,0,0,0,0,1 +"8293",0,0,110000,10000,100000,420,-7180,420,-7180,92820,94320,55,38964,2,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,-7180,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8294",0,0,75000,0,75000,0,-337,0,-337,74663,74663,51,25434,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-337,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8295",0,0,0,0,0,10004,10004,10004,10004,10004,10004,57,23400,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,10004,0,0,0,1,0,0,0,0,0,0,0,0,1 +"8296",0,0,32000,31500,500,2249,2249,2249,2249,2749,9749,38,40425,4,14,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,2249,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8297",4411,1300,165000,12000,153000,599,99,6310,5810,158810,161570,51,59904,4,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,4510,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8298",15000,30000,250000,150000,100000,78000,69000,123000,114000,214000,214000,48,103650,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,84000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8299",11000,6000,0,0,0,17249,16749,34249,33749,33749,33749,29,43605,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,27749,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8300",0,750,75000,69000,6000,2000,2000,2750,2750,8750,8750,30,30120,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,2000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8301",12200,2000,0,0,0,13475,5175,27675,19375,19375,27275,44,108795,3,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.4696543,17375,0,0,0,0,0,0,0,1,0,0,1,0,0 +"8302",0,0,0,0,0,100,-1900,100,-1900,-1900,-1900,36,18768,3,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-1900,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8303",0,37000,140000,15400,124600,7775,6975,44775,43975,168575,183575,43,47094,4,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,6975,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8304",0,22000,0,0,0,0,-150,22000,21850,21850,21850,46,14700,4,11,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1283302,-150,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8305",0,10000,98000,80000,18000,1225,475,11225,10475,28475,36850,30,42780,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,475,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8306",18000,7000,110000,39100,70900,100,-10880,25100,14120,85020,97020,56,74385,3,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,7120,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8307",0,50000,235000,60000,175000,500,500,50500,50500,225500,225500,47,78000,5,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8308",0,0,100000,49000,51000,1000,-250,1000,-250,50750,65750,43,31209,2,10,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-250,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8309",0,300,0,0,0,100,-3900,400,-3600,-3600,-3600,34,16803,1,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-3900,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8310",1000,0,105000,0,105000,5200,4800,6200,5800,110800,115450,44,31833,2,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6174901,5800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8311",0,0,0,0,0,107,-9893,107,-9893,-9893,-9893,41,39162,1,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-9893,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8312",5500,20000,180000,150000,30000,28500,28150,54000,53650,83650,88775,43,64659,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,33650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8313",0,4500,257600,80000,177600,298094,298094,302594,302594,480194,604294,49,77424,2,18,0,1,1,0,1,1,1,0,0,0,0,1,7,4,0.5679367,298094,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8314",1000,6000,65000,31000,34000,1150,-11569,8150,-4569,29431,31231,42,51252,5,17,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-10569,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8315",0,0,60000,56000,4000,100,100,100,100,4100,4100,44,30105,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8316",2500,1300,0,0,0,3000,3000,6800,6800,6800,12525,31,90996,1,18,0,0,0,0,1,1,1,1,0,0,0,1,7,4,0.3313638,5500,0,0,0,0,0,0,0,1,0,1,0,0,0 +"8317",62866,11800,175000,140000,35000,39146,38378,113812,113044,148044,183244,48,88134,4,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,101244,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8318",0,0,0,0,0,43,43,43,43,43,43,46,38061,1,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,43,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8319",0,4000,32000,32000,0,1450,1450,5450,5450,5450,11450,34,41130,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8320",0,2243,0,0,0,520,5,2763,2248,2248,2248,38,45729,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,5,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8321",0,2500,38000,37000,1000,825,625,3325,3125,4125,24571,44,22830,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,625,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8322",2213,15048,60000,600,59400,2691,2691,19952,19952,79352,79352,60,35202,3,12,1,1,0,0,1,1,1,1,0,1,0,0,4,2,0.5449064,4904,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8323",8500,0,90000,29000,61000,549,-1901,9049,6599,67599,67599,53,51018,3,14,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,6599,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8324",0,13300,6000,0,6000,1000,-100,14300,13200,19200,23666,27,15600,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-100,1,0,1,0,0,0,0,0,1,0,0,0,0 +"8325",0,32500,115000,45000,70000,16009,15009,48509,47509,117509,124009,43,50250,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,15009,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8326",0,6000,48000,25000,23000,6200,5055,12200,11055,34055,36080,48,21420,3,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,5055,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8327",0,0,0,0,0,7699,6899,7699,6899,6899,7399,56,34350,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,6899,0,0,0,0,1,0,0,0,0,0,0,0,1 +"8328",50000,3500,0,0,0,205698,205698,259198,259198,259198,283773,39,100287,1,18,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4935519,255698,0,0,0,0,0,0,0,1,0,0,1,0,0 +"8329",16500,0,150000,50000,100000,570,-3130,17070,13370,113370,127970,30,55242,3,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,13370,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8330",0,200,85000,3000,82000,499,-9501,699,-9301,72699,82699,39,38511,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-9501,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8331",0,52000,300000,74400,225600,13480,13480,65480,65480,291080,291080,42,75948,2,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,13480,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8332",0,280,0,0,0,5500,5500,5780,5780,5780,5780,36,44130,1,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.3055234,5500,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8333",0,6000,110000,96000,14000,100,-7900,6100,-1900,12100,14612,39,31950,5,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-7900,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8334",0,1500,185000,150000,35000,4650,-3850,6150,-2350,32650,35775,30,46416,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,-3850,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8335",0,500,65000,60600,4400,4500,4000,5000,4500,8900,8900,32,36408,2,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,4000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8336",16000,65000,70000,0,70000,110800,110800,191800,191800,261800,272000,46,51840,2,14,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.7856908,126800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8337",0,80000,100000,76000,24000,9200,7200,89200,87200,111200,111200,33,54954,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,7200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8338",0,0,64000,62500,1500,5521,5521,5521,5521,7021,8521,45,51645,2,17,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.7472324,5521,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8339",0,2400,120000,71000,49000,11000,10500,13400,12900,61900,77300,46,88980,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,10500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8340",0,0,42000,25000,17000,2875,2075,2875,2075,19075,48000,38,27684,3,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,2075,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8341",71763,47000,100000,61000,39000,68508,68508,187271,187271,226271,256547,60,94758,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,140271,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8342",0,1500,210000,110000,100000,40000,38800,41500,40300,140300,147300,38,49284,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,38800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8343",231,285,0,0,0,365,365,881,881,881,2547,26,29655,2,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2029813,596,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8344",2300,15300,180000,122000,58000,2100,-7900,19700,9700,67700,77700,39,46029,2,10,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,-5600,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8345",46956,5593,126500,88000,38500,88337,87848,140886,140397,178897,218783,48,85158,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,134804,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8346",0,59000,21000,21000,0,14570,13970,73570,72970,72970,79070,63,37374,2,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,13970,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8347",0,21000,141000,69000,72000,1600,-4400,22600,16600,88600,106600,29,51051,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-4400,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8348",0,3000,0,0,0,500,-3100,3500,-100,-100,8450,30,21588,1,13,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-3100,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8349",28000,0,152000,17500,134500,374136,373936,402136,401936,536436,636436,54,69318,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,401936,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8350",0,0,0,0,0,0,0,0,0,0,0,25,28050,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8351",0,0,100000,0,100000,7499,4449,7499,4449,104449,114949,58,42642,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,4449,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8352",0,1900,65000,49000,16000,7600,7488,9500,9388,25388,30388,26,39582,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,7488,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8353",20200,0,150000,41000,109000,6498,1798,26698,21998,130998,144998,43,72030,2,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,21998,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8354",6000,0,1500,0,1500,6750,6750,12750,12750,14250,16750,37,9960,1,12,0,0,1,0,1,1,0,1,0,1,0,0,1,2,0.1431995,12750,1,1,0,0,0,0,0,0,0,0,1,0,0 +"8355",25000,50000,85000,0,85000,10000,7900,85000,82900,167900,237900,64,25704,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,32900,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8356",13728,80000,100000,60000,40000,36510,36510,130238,130238,170238,174638,43,101856,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,50238,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8357",0,3900,40000,15000,25000,510,-490,4410,3410,28410,40710,37,24486,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-490,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8358",0,7000,90000,0,90000,6000,-27000,13000,-20000,70000,71050,59,53172,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-27000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8359",0,18000,200000,0,200000,487,487,18487,18487,218487,224987,28,57441,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,487,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8360",24000,0,90000,72500,17500,72200,72200,96200,96200,113700,181400,39,62763,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,96200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8361",8000,3000,100000,70000,30000,4000,3500,15000,14500,44500,64428,39,21576,1,18,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,11500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8362",0,0,45000,0,45000,8799,4799,8799,4799,49799,49799,62,30558,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,4799,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8363",0,2000,95000,71000,24000,10810,10510,12810,12510,36510,52510,38,31800,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,10510,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8364",18983,20000,150000,26500,123500,500,-2000,39483,36983,160483,160483,54,73311,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,16983,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8365",1000,0,80000,23000,57000,5200,3900,6200,4900,61900,61900,50,38595,4,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,4900,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8366",0,1200,145000,0,145000,302,202,1502,1402,146402,146527,59,22455,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,202,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8367",0,0,300000,30500,269500,318,-3682,318,-3682,265818,267318,40,45546,4,18,0,1,0,0,1,1,0,0,0,0,0,1,5,4,0.4407951,-3682,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8368",57000,3276,165000,32000,133000,130600,129750,190876,190026,323026,393026,41,88992,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,186750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8369",0,1000,120000,53000,67000,4525,3025,5525,4025,71025,71025,41,41550,5,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.4407951,3025,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8370",30000,10000,35000,0,35000,12025,12025,52025,52025,87025,97025,41,43992,3,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,42025,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8371",10700,6000,200000,0,200000,1999,1999,18699,18699,218699,218699,55,34770,5,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,12699,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8372",0,0,47900,29000,18900,380,-50,380,-50,18850,19850,52,14805,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-50,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8373",0,0,130000,70000,60000,14149,-1851,14149,-1851,58149,61774,45,135024,4,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,-1851,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8374",0,32000,180000,136000,44000,30249,26249,62249,58249,102249,113249,27,45963,2,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,26249,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8375",0,8000,58000,52000,6000,890,-15610,8890,-7610,-1610,14890,29,43521,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-15610,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8376",12000,32000,200000,110000,90000,17800,17800,61800,61800,151800,421800,40,102762,2,6,1,1,0,1,1,1,1,1,1,0,0,0,7,1,0.7316045,29800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8377",0,500,80000,76900,3100,2700,2700,3200,3200,6300,8625,33,30000,1,17,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,2700,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8378",4000,0,85000,58000,27000,1000,-5000,5000,-1000,26000,30000,34,18966,5,12,0,1,0,0,1,1,0,1,0,1,0,0,2,2,0.1464927,-1000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8379",0,900,0,0,0,2500,-8500,3400,-7600,-7600,-7600,28,28764,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-8500,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8380",0,0,70000,32000,38000,500,500,500,500,38500,41850,56,11490,2,13,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"8381",0,3600,160000,149310,10690,2099,-2401,5699,1199,11889,11889,28,54993,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-2401,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8382",200,10000,100000,30000,70000,3700,1700,13900,11900,81900,93204,42,26718,1,18,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2658667,1900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8383",0,4000,0,0,0,6864,4814,10864,8814,8814,15339,25,36531,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,4814,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8384",0,400,0,0,0,10414,9214,10814,9614,9614,59614,43,45384,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,9214,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8385",16000,6875,56000,0,56000,30000,29600,52875,52475,108475,108475,51,31650,1,17,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,45600,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8386",0,7000,0,0,0,0,0,7000,7000,7000,7000,52,29100,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8387",0,3000,0,0,0,3000,3000,6000,6000,6000,6000,37,18030,1,12,1,1,1,0,1,1,1,0,0,1,0,0,2,2,0.3791962,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8388",0,963,0,0,0,1000,-1000,2003,3,3,6028,28,21765,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1000,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8389",0,0,0,0,0,0,0,0,0,0,500,36,12240,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8390",0,700,43865,43865,0,9296,4996,9996,5696,5696,11071,33,36963,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,4996,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8391",0,5000,40000,7000,33000,700,-5300,5700,-300,32700,32700,56,30294,6,11,0,0,0,0,1,1,1,0,1,0,0,0,4,1,0.3866406,-5300,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8392",0,10000,45000,25000,20000,1500,1500,11500,11500,31500,32500,31,20460,2,11,0,0,0,0,1,1,1,0,1,0,0,0,3,1,0.2694195,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8393",0,68,16000,0,16000,300,-6200,368,-6132,9868,13868,50,21792,3,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,-6200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8394",0,0,0,0,0,350,-2650,350,-2650,-2650,-2650,28,20529,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-2650,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8395",2000,0,0,0,0,26472,17472,28472,19472,19472,24800,35,30147,2,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.277538,19472,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8396",0,52000,90000,64900,25100,3515,15,55515,52015,77115,81315,39,27954,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,15,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8397",0,0,20000,20000,0,450,-50,450,-50,-50,-50,41,41415,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-50,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8398",0,28000,75500,75500,0,550,-8450,28550,19550,19550,19550,42,91383,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-8450,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8399",0,0,15500,5800,9700,610,-3364,610,-3364,6336,8186,48,22950,3,11,1,0,0,0,1,1,0,0,1,0,0,0,3,1,0.491887,-3364,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8400",14000,12200,115000,95000,20000,8000,6000,34200,32200,52200,69200,30,85386,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,20000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8401",1500,65000,40000,0,40000,7500,6800,74000,73300,113300,120800,47,55107,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,8300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8402",0,4304,48000,40000,8000,1798,1248,6102,5552,13552,19752,45,41100,2,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1248,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8403",18000,1500,75000,30000,45000,4999,4999,24499,24499,69499,74299,37,29400,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,22999,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8404",0,0,0,0,0,0,0,0,0,0,1000,28,15888,1,14,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8405",0,5000,109000,49800,59200,20,-1980,5020,3020,62220,62220,43,24630,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-1980,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8406",0,6000,125000,70000,55000,47500,46300,53500,52300,107300,113300,36,68772,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,46300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8407",0,14000,32000,19000,13000,6720,6570,20720,20570,33570,34070,43,13065,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,6570,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8408",0,0,56000,37000,19000,1625,-1375,1625,-1375,17625,20975,39,21558,1,15,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2694195,-1375,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8409",2900,1750,150000,125000,25000,2900,-5200,7550,-550,24450,56200,48,89376,6,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-2300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8410",0,60,50000,47000,3000,0,0,60,60,3060,6260,38,37200,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8411",6050,15530,75000,61000,14000,500,-4500,22080,17080,31080,41080,32,77430,4,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,1550,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8412",16860,0,125000,65000,60000,10017,10017,26877,26877,86877,86877,49,56877,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,26877,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8413",0,0,60000,0,60000,500,50,500,50,60050,60050,59,30000,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,50,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8414",11000,600,240000,138000,102000,7500,6900,24100,23500,125500,125500,41,91902,5,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,17900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8415",30000,12000,220000,138000,82000,4250,2250,46250,44250,126250,126250,44,90747,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,32250,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8416",0,0,70000,42500,27500,28000,28000,28000,28000,55500,71500,36,67800,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,28000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8417",0,0,0,0,0,2100,2100,2100,2100,2100,3092,26,16203,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,2100,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8418",0,40000,65000,0,65000,2350,2150,42350,42150,107150,109750,61,16092,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2150,1,0,1,0,0,0,0,0,0,0,0,0,1 +"8419",0,1600,130000,110000,20000,3700,1000,5300,2600,22600,32600,36,72900,3,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8420",10000,51000,150000,0,150000,999,999,61999,61999,211999,216474,56,33696,5,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,10999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8421",0,35000,198000,130000,68000,2300,1300,37300,36300,104300,104300,34,59232,3,16,0,0,0,1,1,1,1,0,0,0,0,1,6,4,0.4938007,1300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8422",0,10000,90000,0,90000,26199,26199,36199,36199,126199,126199,45,67320,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,26199,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8423",0,70000,140000,10700,129300,7300,-32350,77300,37650,166950,170950,50,52836,2,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-32350,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8424",45300,24000,0,0,0,650,-12950,69950,56350,56350,56975,40,35298,1,14,1,0,1,0,1,1,1,1,0,0,1,0,4,3,0.6739899,32350,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8425",8000,5000,85000,80000,5000,5000,-7000,18000,6000,11000,86000,38,44604,2,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8426",20000,12000,14000,14000,0,6499,5699,38499,37699,37699,37699,50,69870,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,25699,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8427",46067,8000,150000,0,150000,20839,13539,74906,67606,217606,219606,58,95340,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,59606,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8428",0,0,130000,45000,85000,1499,1499,1499,1499,86499,119499,44,32910,5,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1499,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8429",10000,30000,175000,140000,35000,68362,68221,108362,108221,143221,143221,42,9408,6,12,0,1,0,0,1,1,1,1,0,1,0,0,1,2,0.2088342,78221,1,1,0,0,0,0,0,0,0,0,1,0,0 +"8430",0,0,105000,90000,15000,1698,-802,1698,-802,14198,16579,41,35772,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-802,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8431",0,13000,0,0,0,300,300,13300,13300,13300,14200,34,19254,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8432",0,3000,0,0,0,120,-4050,3120,-1050,-1050,3000,31,31434,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-4050,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8433",0,0,105000,68000,37000,2160,-8440,2160,-8440,28560,29060,31,20853,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-8440,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8434",0,0,14000,0,14000,24528,6478,24528,6478,20478,41478,57,32913,2,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,6478,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8435",0,6480,116000,50000,66000,300,-500,6780,5980,71980,74480,27,31893,3,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8436",0,350,0,0,0,999,999,1349,1349,1349,8402,26,30060,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,999,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8437",0,0,0,0,0,1400,-600,1400,-600,-600,15700,53,61407,4,16,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-600,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8438",0,7000,0,0,0,377,-4623,7377,2377,2377,2377,49,12864,4,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-4623,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8439",2000,200,0,0,0,12400,10200,14600,12400,12400,15233,40,55035,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.6386597,12200,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8440",0,80000,150000,137000,13000,3150,-5550,83150,74450,87450,90800,37,32343,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-5550,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8441",2300,1000,95000,58000,37000,17600,10700,20900,14000,51000,51249,36,104661,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8442",0,6000,0,0,0,5623,4423,11623,10423,10423,10923,45,39060,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,4423,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8443",0,5690,140000,112000,28000,7600,7400,13290,13090,41090,50090,35,48900,3,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,7400,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8444",0,1000,0,0,0,0,-27180,1000,-26180,-26180,-26180,33,3780,4,16,0,1,0,0,1,1,1,0,0,0,0,1,1,4,0.0486785,-27180,0,1,0,0,0,0,0,0,0,1,0,0,0 +"8445",0,80000,145000,90000,55000,17400,14400,97400,94400,149400,159400,55,51000,3,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,14400,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8446",0,0,80000,0,80000,1000,1000,1000,1000,81000,81000,60,32640,2,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8447",0,171,0,0,0,249,-2751,420,-2580,-2580,270,28,10455,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2751,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8448",0,2300,0,0,0,0,0,2300,2300,2300,9898,45,13770,8,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8449",14000,20000,145000,65000,80000,18500,17000,52500,51000,131000,131000,46,80700,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,31000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8450",0,0,38000,31000,7000,400,-3120,400,-3120,3880,11380,31,43950,4,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-3120,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8451",16000,72000,125000,20000,105000,35639,35639,123639,123639,228639,237100,43,29466,2,18,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2658667,51639,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8452",0,253,50000,0,50000,1700,1700,1953,1953,51953,51953,45,28539,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1700,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8453",0,0,27000,15000,12000,1050,-2950,1050,-2950,9050,12550,39,37815,1,11,1,0,1,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-2950,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8454",5200,10107,75000,59000,16000,25000,23000,40307,38307,54307,68307,39,44460,2,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,28200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8455",0,0,50000,0,50000,2999,2699,2999,2699,52699,52699,41,37917,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,2699,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8456",0,28000,140000,120000,20000,21500,21500,49500,49500,69500,193500,33,72678,3,17,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,21500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8457",0,0,80000,0,80000,0,-14000,0,-14000,66000,67000,54,25500,1,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-14000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8458",1000,67400,290000,85000,205000,13619,9619,82019,78019,283019,283019,43,77496,4,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,10619,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8459",20000,0,70000,0,70000,7300,6400,27300,26400,96400,97399,51,61233,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,26400,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8460",5317,442,63000,45600,17400,38248,38248,44007,44007,61407,70257,45,66300,4,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,43565,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8461",8200,13000,100000,34000,66000,5350,4600,26550,25800,91800,99724,46,41781,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,12800,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8462",0,0,0,0,0,1400,1400,1400,1400,1400,6100,27,14895,1,17,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4215196,1400,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8463",0,0,10000,0,10000,542,-9358,542,-9358,642,4392,52,32073,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-9358,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8464",26048,80000,300000,150000,150000,174255,172255,280303,278303,428303,428303,40,104502,5,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,198303,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8465",60000,8000,85000,0,85000,6000,6000,74000,74000,159000,168000,46,65880,3,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,66000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8466",0,200,0,0,0,225,-1075,425,-875,-875,2975,32,31230,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-1075,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8467",0,2000,62000,44000,18000,2200,-1800,4200,200,18200,29200,35,38940,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,-1800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8468",0,0,46000,0,46000,0,-12000,0,-12000,34000,34000,37,49200,4,18,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-12000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8469",0,10605,82000,82000,0,200,-1300,10805,9305,9305,10505,39,37944,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8470",0,10500,52000,34000,18000,2000,-2500,12500,8000,26000,26200,34,28956,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-2500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8471",0,4786,65000,32000,33000,1699,1519,6485,6305,39305,39305,36,43593,4,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,1519,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8472",0,10000,239000,130000,109000,12800,8800,22800,18800,127800,160833,50,72090,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8473",5000,1800,72000,50000,22000,21960,21960,28760,28760,50760,58360,32,26958,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.4720998,26960,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8474",0,14000,69950,59000,10950,15648,9648,29648,23648,34598,49598,35,40092,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,9648,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8475",2300,0,0,0,0,3150,3150,5450,5450,5450,7950,45,45309,1,14,1,0,0,0,1,1,0,1,0,0,1,0,5,3,0.6430668,5450,0,0,0,0,0,1,0,0,0,0,0,1,0 +"8476",0,4000,80000,47000,33000,4099,4099,8099,8099,41099,41099,30,20460,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4099,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8477",23000,12000,300000,150000,150000,46700,46700,81700,81700,231700,231700,29,86505,3,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,69700,1,0,0,0,0,0,0,1,1,0,0,0,0 +"8478",25000,2400,225000,0,225000,7,7,27407,27407,252407,259370,54,39888,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,25007,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8479",0,5500,0,0,0,4801,3101,10301,8601,8601,9276,34,25965,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,3101,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8480",0,0,120000,105000,15000,300,-1000,300,-1000,14000,14000,38,28320,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8481",0,10000,30000,0,30000,1860,-4140,11860,5860,35860,35860,62,58680,2,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-4140,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8482",0,183,88000,77000,11000,16600,16600,16783,16783,27783,28383,28,56217,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,16600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8483",0,4000,75200,66000,9200,1750,350,5750,4350,13550,17800,30,27753,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,350,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8484",0,10000,98000,78500,19500,5950,-6050,15950,3950,23450,26850,29,77133,2,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-6050,1,0,0,0,0,0,0,1,1,0,0,0,0 +"8485",0,0,65000,39500,25500,1066,-5184,1066,-5184,20316,20316,32,24315,3,16,0,1,0,0,1,1,0,0,0,0,0,1,3,4,0.273178,-5184,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8486",30965,20700,265000,50000,215000,92800,92700,165165,165065,380065,679144,50,125766,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,123665,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8487",0,180,0,0,0,1000,-15900,1180,-15720,-15720,-11759,27,30000,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-15900,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8488",0,1000,50000,24000,26000,400,400,1400,1400,27400,27400,37,6765,4,14,0,1,0,1,1,1,1,0,0,0,1,0,1,3,0.062312,400,1,1,0,0,0,0,0,0,0,0,1,0,0 +"8489",0,0,0,0,0,259,-741,259,-741,-741,-741,28,39015,2,18,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.2951996,-741,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8490",0,0,5000,2000,3000,450,-550,450,-550,2450,7957,38,24870,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-550,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8491",0,0,300000,150000,150000,350,350,350,350,150350,155025,46,17112,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,350,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8492",0,0,85000,16500,68500,1499,-17501,1499,-17501,50999,50999,46,34770,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-17501,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8493",13000,3000,85000,0,85000,4100,2300,20100,18300,103300,103300,60,38337,5,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,15300,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8494",11000,0,165000,120000,45000,72000,67000,83000,78000,123000,194100,39,57192,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,78000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8495",16000,9000,170000,84500,85500,4538,-2462,29538,22538,108038,117638,48,63438,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,13538,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8496",0,0,60000,0,60000,5800,5300,5800,5300,65300,75200,58,38979,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,5300,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8497",0,14427,0,0,0,1396,-624,15823,13803,13803,15928,44,33471,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-624,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8498",0,12000,125000,0,125000,432,-388,12432,11612,136612,136612,34,38190,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-388,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8499",0,10000,88000,40000,48000,1690,1290,11690,11290,59290,61290,39,50145,6,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,1290,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8500",0,1057,60000,19368,40632,0,-4200,1057,-3143,37489,39032,36,13824,6,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-4200,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8501",6000,10000,50000,30000,20000,10050,7300,26050,23300,43300,45300,57,46605,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,13300,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8502",0,5574,55000,40000,15000,200,-2300,5774,3274,18274,18274,29,20175,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-2300,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8503",0,0,100000,28500,71500,9000,1600,9000,1600,73100,77543,51,25500,2,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,1600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8504",16666,0,85000,25657,59343,318,-10209,16984,6457,65800,134200,44,88074,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,6457,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8505",0,2300,45000,10000,35000,348,-1887,2648,413,35413,36613,51,40581,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1887,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8506",15000,45000,120000,60000,60000,24000,24000,84000,84000,144000,154000,42,61500,4,15,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,39000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8507",8000,5000,290000,112000,178000,25500,25500,38500,38500,216500,226025,41,67596,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,33500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8508",0,0,0,0,0,0,-7400,0,-7400,-7400,-7400,44,51180,4,17,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-7400,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8509",0,4000,62000,62000,0,4009,3609,8009,7609,7609,17609,41,50610,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,3609,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8510",1300,17000,50000,0,50000,16500,15200,34800,33500,83500,87500,47,43068,2,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,16500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8511",26562,80000,170000,20000,150000,75105,75105,181667,181667,331667,331667,50,66876,4,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,101667,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8512",19122,0,0,0,0,10000,10000,29122,29122,29122,29872,55,21216,1,13,1,0,1,0,1,1,0,1,0,0,1,0,3,3,0.5117899,29122,0,0,0,1,0,0,0,0,0,0,0,0,1 +"8513",0,0,110000,65000,45000,10,-6190,10,-6190,38810,41760,49,31176,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,-6190,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8514",0,25000,64000,0,64000,2400,600,27400,25600,89600,92100,49,25770,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8515",9000,80000,150000,0,150000,90000,90000,179000,179000,329000,529000,47,94200,4,18,1,1,1,0,1,1,1,1,0,0,0,1,7,4,0.7316045,99000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8516",0,5000,80000,73000,7000,40400,37400,45400,42400,49400,224000,39,74814,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,37400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8517",0,0,150000,100000,50000,693,-37,693,-37,49963,49963,31,65844,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-37,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8518",1000,13000,0,0,0,7200,6600,21200,20600,20600,20600,44,46869,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7125204,7600,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8519",0,0,0,0,0,153,-2347,153,-2347,-2347,4305,41,21000,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-2347,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8520",0,0,26000,21500,4500,1000,-400,1000,-400,4100,7325,34,24144,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8521",600,8000,50000,54000,-4000,3650,950,12250,9550,5550,14550,31,43281,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,1550,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8522",0,5405,65000,31000,34000,24373,1373,29778,6778,40778,40778,43,54840,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,1373,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8523",0,0,0,0,0,70,-2130,70,-2130,-2130,-1830,31,7938,1,16,1,0,0,0,1,1,0,0,0,0,0,1,1,4,0.3021799,-2130,0,1,0,0,0,0,0,0,0,1,0,0,0 +"8524",0,3000,0,0,0,2300,2300,5300,5300,5300,10075,35,20805,1,14,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,2300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8525",0,720,85000,80000,5000,409,-3091,1129,-2371,2629,22629,40,43818,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-3091,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8526",70,14000,130000,126000,4000,1800,-700,15870,13370,17370,17370,43,73194,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-630,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8527",0,12000,0,0,0,140,-2594,12140,9406,9406,11294,29,43302,4,11,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,-2594,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8528",6000,8000,0,0,0,256,256,14256,14256,14256,41856,55,40959,3,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.3442089,6256,0,0,0,0,0,1,0,0,0,0,0,0,1 +"8529",0,5000,50000,32000,18000,399,399,5399,5399,23399,28602,51,24048,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,399,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8530",25300,0,120000,73500,46500,7847,6547,33147,31847,78347,78347,29,52236,4,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,31847,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8531",0,1200,10000,0,10000,25500,21500,26700,22700,32700,47050,51,30537,1,13,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,21500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8532",9500,7600,119000,42000,77000,10300,9900,27400,27000,104000,106000,37,66303,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,19400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8533",0,291,65000,65000,0,3100,2300,3391,2591,2591,10591,28,39600,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,2300,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8534",21100,5000,165000,150000,15000,12000,12000,38100,38100,53100,63100,35,90300,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,33100,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8535",0,1000,56000,17000,39000,75399,75399,76399,76399,115399,121099,37,37872,2,10,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6028074,75399,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8536",0,0,100000,0,100000,1800,500,1800,500,100500,111500,46,36003,2,9,1,1,1,1,1,1,0,0,1,0,0,0,4,1,0.5297047,500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8537",14400,1000,0,0,0,1500,-3000,16900,12400,12400,142400,30,9225,4,15,0,1,0,0,1,1,1,1,0,0,1,0,1,3,0.1755065,11400,0,1,0,0,0,0,0,0,0,1,0,0,0 +"8538",7500,0,260000,103000,157000,20000,19300,27500,26800,183800,185800,39,47025,5,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,26800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8539",4900,45000,70000,35000,35000,800,-1200,50700,48700,83700,92000,51,57390,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,3700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8540",0,0,80000,33750,46250,136,-2364,136,-2364,43886,46911,53,16200,2,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-2364,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8541",0,2900,85000,6200,78800,43048,41248,45948,44148,122948,125180,37,44502,4,13,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,41248,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8542",26774,28000,100000,35000,65000,40700,40700,95474,95474,160474,175474,52,66360,3,15,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,67474,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8543",6000,2000,60000,32500,27500,1150,-1850,9150,6150,33650,32150,39,10140,1,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,4150,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8544",0,412,0,0,0,0,-2200,412,-1788,-1788,-788,35,17424,3,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2200,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8545",0,0,0,0,0,2900,700,2900,700,700,15379,36,24090,1,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,700,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8546",0,0,43000,37000,6000,200,-3600,200,-3600,2400,2400,37,24312,3,15,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-3600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8547",0,0,200000,42000,158000,1998,1998,1998,1998,159998,162510,52,46140,2,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,1998,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8548",0,1900,102000,62000,40000,12000,12000,13900,13900,53900,53900,28,60090,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,12000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8549",0,52000,150000,82750,67250,2966,836,54966,52836,120086,132058,47,51294,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,836,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8550",0,400,175000,113000,62000,9000,9000,9400,9400,71400,113512,46,36300,2,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,9000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8551",19800,80000,200000,0,200000,136400,134400,236200,234200,434200,439200,54,92046,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,154200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8552",26000,16000,200000,50000,150000,86070,60132,128070,102132,252132,273132,53,82971,2,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,86132,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8553",0,62000,28500,28500,0,1000,-3300,125000,120700,120700,124600,54,31896,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-3300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8554",0,0,70000,30000,40000,58249,53749,58249,53749,93749,93749,52,35424,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,53749,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8555",19000,4304,125000,0,125000,4128,4028,27432,27332,152332,161332,52,70392,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,23028,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8556",0,250,70000,63000,7000,27,-6217,277,-5967,1033,1033,35,26202,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-6217,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8557",7000,0,99400,84600,14800,27499,18299,34499,25299,40099,496599,40,56778,4,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,25299,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8558",10000,40000,200000,0,200000,89998,89998,139998,139998,339998,339998,61,45750,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,99998,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8559",0,834,55000,47500,7500,8299,4799,9133,5633,13133,13133,44,21990,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,4799,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8560",42900,52400,72500,0,72500,146850,146850,242150,242150,314650,315150,59,90258,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,189750,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8561",1000,1000,65000,45000,20000,4701,4701,6701,6701,26701,28201,36,23331,3,15,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,5701,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8562",0,27,0,0,0,1265,-2985,1292,-2958,-2958,6528,26,38931,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-2985,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8563",18000,14500,190000,20000,170000,7199,4599,39699,37099,207099,207799,64,30432,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,22599,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8564",0,15200,62000,50000,12000,3500,1300,18700,16500,28500,36137,38,38610,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,1300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8565",0,10000,210000,150000,60000,6000,200,16000,10200,70200,70200,27,82068,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,200,1,0,0,0,0,0,0,1,1,0,0,0,0 +"8566",0,3000,0,0,0,1750,-26550,4750,-23550,-23550,-23550,27,41583,3,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.3243191,-26550,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8567",22507,46000,285000,78000,207000,305249,305049,373756,373556,580556,770798,59,43317,1,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,327556,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8568",0,13360,30000,0,30000,620,-180,13980,13180,43180,46180,31,50676,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-180,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8569",2308,3000,29000,18505,10495,400,-2182,5708,3126,13621,15459,41,30813,2,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,126,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8570",0,0,140000,62500,77500,10000,-10200,10000,-10200,67300,67300,46,71400,3,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-10200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8571",0,3000,100000,55000,45000,9798,9398,12798,12398,57398,62398,32,45933,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,9398,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8572",10000,75000,66000,66000,0,1050498,1049098,1135498,1134098,1134098,1134848,38,39000,1,18,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,1059098,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8573",0,0,85000,32600,52400,19750,18800,19750,18800,71200,106200,56,52965,2,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,18800,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8574",2400,63,38000,0,38000,0,-16400,2463,-13937,24063,31063,62,44124,3,14,1,1,0,0,1,1,1,1,0,0,1,0,5,3,0.7196674,-14000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8575",2000,30000,300000,150000,150000,23700,22100,55700,54100,204100,212650,40,55815,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,24100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8576",5000,17000,135000,100000,35000,1500,-4500,23500,17500,52500,66500,36,55305,3,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8577",0,1700,80000,40000,40000,1042,-2458,2742,-758,39242,39242,49,37833,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2458,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8578",0,0,0,0,0,3000,-25,3000,-25,-25,7571,26,18594,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-25,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8579",0,0,0,0,0,400,-1600,400,-1600,-1600,400,41,24660,1,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-1600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8580",0,0,0,0,0,39000,35000,39000,35000,35000,43725,32,69327,1,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,35000,0,0,0,0,0,0,1,0,0,1,0,0,0 +"8581",0,5000,140000,115000,25000,7500,6000,12500,11000,36000,36000,54,66018,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8582",0,13000,72500,57000,15500,1218,-10282,14218,2718,18218,27218,40,39165,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-10282,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8583",0,0,175000,0,175000,4000,4000,4000,4000,179000,179500,38,23577,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,4000,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8584",0,18000,45000,40000,5000,0,0,18000,18000,23000,23750,50,20373,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8585",27500,6700,72000,23000,49000,31498,31198,65698,65398,114398,127398,60,33663,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,58698,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8586",70,1600,82000,3000,79000,6400,2400,8070,4070,83070,83070,30,34842,2,16,1,1,0,1,1,1,1,1,0,0,0,1,4,4,0.5449064,2470,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8587",0,12000,180000,45000,135000,1300,500,13300,12500,147500,193500,61,32595,3,5,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,500,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8588",0,2500,0,0,0,999,-101,3499,2399,2399,6799,40,37188,3,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-101,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8589",0,0,76000,61000,15000,800,-4200,800,-4200,10800,17025,27,35736,1,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-4200,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8590",0,20000,170000,133000,37000,34800,33000,54800,53000,90000,90000,38,42750,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,33000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8591",0,80000,150000,44000,106000,61000,34200,141000,114200,220200,221700,36,85755,1,16,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,34200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8592",0,21000,92000,59000,33000,4000,-1500,25000,19500,52500,52500,59,67488,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8593",0,0,0,0,0,4000,4000,4000,4000,4000,104000,30,28659,3,17,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8594",1600,1500,32000,23500,8500,850,-1750,3950,1350,9850,17350,42,47073,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-150,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8595",81200,80000,300000,52400,247600,88400,88400,249600,249600,497200,497200,54,81711,5,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,169600,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8596",0,0,75000,16000,59000,7673,7273,7673,7273,66273,84138,53,41976,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,7273,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8597",0,0,120000,81000,39000,25,-5975,25,-5975,33025,33025,44,36870,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-5975,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8598",0,50000,90000,63000,27000,10499,10499,60499,60499,87499,92356,50,70065,1,17,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,10499,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8599",0,21000,0,0,0,0,-2500,21000,18500,18500,18500,42,14160,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-2500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8600",0,5000,55554,50000,5554,200,-2215,5200,2785,8339,8339,36,28872,3,12,0,1,1,0,1,1,1,0,0,1,0,0,3,2,0.273178,-2215,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8601",13000,0,200000,150000,50000,150741,149741,163741,162741,212741,277741,59,104121,3,15,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,162741,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8602",0,0,0,0,0,11200,-800,11200,-800,-800,36075,45,39717,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-800,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8603",0,890,0,0,0,1000,-1300,1890,-410,-410,7186,42,34440,1,1,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6600804,-1300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8604",6050,1000,0,0,0,200,-800,7250,6250,6250,6250,32,52404,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.3533661,5250,0,0,0,0,0,0,1,0,0,1,0,0,0 +"8605",600,13000,142000,120000,22000,1874,1874,15474,15474,37474,41017,46,107823,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,2474,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8606",0,17000,80000,52000,28000,60,-3440,17060,13560,41560,41560,36,34506,4,11,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,-3440,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8607",0,35000,42000,27000,15000,50,-1650,35050,33350,48350,48350,46,15699,3,12,1,1,1,1,1,1,1,0,0,1,0,0,2,2,0.3623197,-1650,1,0,1,0,0,0,0,0,0,0,0,1,0 +"8608",0,0,0,0,0,0,0,0,0,0,0,40,22008,4,12,1,1,1,0,1,1,0,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8609",0,2000,0,0,0,0,-700,2000,1300,1300,3800,27,18270,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-700,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8610",0,0,50000,36000,14000,655,-9345,655,-9345,4655,6155,44,48339,6,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-9345,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8611",57057,33000,290000,150000,140000,433478,433478,523535,523535,663535,683535,36,164097,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,490535,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8612",14000,30000,220000,150000,70000,77200,76600,121200,120600,190600,192100,33,100575,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,90600,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8613",0,6875,0,0,0,1199,1114,8074,7989,7989,7989,58,19878,3,14,1,1,0,0,1,1,1,0,0,0,1,0,2,3,0.3791962,1114,0,0,1,0,0,0,0,0,0,0,0,0,1 +"8614",7800,17000,239000,150000,89000,50000,50000,74800,74800,163800,164450,41,90261,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,57800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8615",5500,2900,155000,11000,144000,17964,16964,26364,25364,169364,169364,38,60882,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,22464,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8616",4500,100,300000,85000,215000,3075,375,7675,4975,219975,222675,49,42915,3,18,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,4875,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8617",0,0,300000,39900,260100,38548,33748,38548,33748,293848,305848,37,47703,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,33748,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8618",0,2200,130000,68000,62000,4808,3738,7008,5938,67938,67938,34,55662,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,3738,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8619",0,0,0,0,0,5000,4700,5000,4700,4700,8500,30,33435,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.2951996,4700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8620",0,32000,135000,75000,60000,9300,9300,41300,41300,101300,111300,34,57774,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,9300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8621",0,80000,40000,35000,5000,1200,600,81200,80600,85600,90600,36,39168,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,600,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8622",0,0,0,0,0,950,950,950,950,950,8650,35,31626,1,16,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3086649,950,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8623",8000,50000,75000,15500,59500,1600,1350,59600,59350,118850,129350,57,37104,2,10,0,1,0,0,1,1,1,1,1,0,0,0,4,1,0.3524857,9350,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8624",45200,0,90000,40000,50000,3999,3899,49199,49099,99099,104099,56,114573,3,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.7316045,49099,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8625",4486,18200,0,0,0,3036,-1015,25722,21671,21671,21671,34,35412,2,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.277538,3471,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8626",0,0,75000,33000,42000,35050,35050,35050,35050,77050,98050,37,17286,3,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,35050,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8627",0,0,80000,70000,10000,1530,-3070,1530,-3070,6930,8930,34,24432,3,13,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-3070,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8628",0,0,0,0,0,10300,6700,10300,6700,6700,16596,35,35358,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,6700,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8629",16000,50000,145000,29000,116000,36329,33329,102329,99329,215329,318329,58,89988,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,49329,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8630",0,120,0,0,0,450,-750,570,-630,-630,113,25,15627,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-750,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8631",1500,19000,75000,54000,21000,3000,-500,23500,20000,41000,43950,41,42615,3,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8632",0,754,0,0,0,62175,61925,62929,62679,62679,67679,28,26646,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,61925,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8633",62000,0,100000,0,100000,1449,1249,63449,63249,163249,163249,50,26190,2,12,0,1,0,0,1,1,0,1,0,1,0,0,3,2,0.2696004,63249,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8634",160,18000,0,0,0,2279,1924,20439,20084,20084,24823,38,33921,4,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.277538,2084,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8635",25000,9000,150000,113600,36400,30200,29700,64200,63700,100100,104750,41,47238,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,54700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8636",20850,80000,250000,0,250000,31000,31000,131850,131850,381850,694058,51,59907,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,51850,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8637",0,0,52500,52500,0,2500,350,2500,350,350,36350,29,35670,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,350,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8638",0,15000,106000,105000,1000,154000,152000,169000,167000,168000,183199,44,64170,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,152000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8639",0,2600,0,0,0,147,-5853,2747,-3253,-3253,1047,39,47754,7,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-5853,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8640",0,0,140000,100000,40000,500,-500,500,-500,39500,72500,31,32412,8,12,0,1,1,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8641",1500,11000,50000,11000,39000,2015,1015,14515,13515,52515,52515,52,41184,2,10,1,1,0,1,1,1,1,1,1,0,0,0,5,1,0.7196674,2515,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8642",0,0,100000,70000,30000,6049,-17351,6049,-17351,12649,21248,42,56883,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-17351,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8643",0,0,0,0,0,7955,7955,7955,7955,7955,9455,55,20760,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,7955,0,0,0,1,0,0,0,0,0,0,0,0,1 +"8644",0,15000,80700,53000,27700,5099,-36901,20099,-21901,5799,12499,30,100302,1,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,-36901,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8645",2230,5000,56000,49500,6500,10500,6000,17730,13230,19730,43730,30,48000,3,17,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,8230,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8646",0,0,26000,22000,4000,0,-975,0,-975,3025,3025,38,24210,6,5,0,1,0,1,1,1,0,0,1,0,0,0,3,1,0.273178,-975,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8647",15500,80000,135000,45000,90000,64998,60998,160498,156498,246498,881498,54,75003,2,14,0,1,1,1,1,1,1,1,0,0,1,0,7,3,0.5801663,76498,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8648",0,0,72000,28000,44000,1800,-3100,1800,-3100,40900,40900,46,27000,2,16,1,1,0,0,1,1,0,0,0,0,0,1,3,4,0.3978536,-3100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8649",0,1500,250000,108000,142000,6652,6652,8152,8152,150152,156652,38,21015,1,18,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,6652,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8650",0,6000,58424,21500,36924,7699,4699,13699,10699,47623,50135,53,20646,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4699,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8651",0,32000,195000,121000,74000,7500,2678,39500,34678,108678,108678,29,54900,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,2678,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8652",14000,13000,70000,0,70000,26010,26010,53010,53010,123010,123010,60,51489,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,40010,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8653",43000,24000,159000,84000,75000,69000,68900,136000,135900,210900,216900,63,49257,5,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,111900,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8654",0,7000,70000,64000,6000,2500,1700,20104,19304,25304,32001,43,28716,2,17,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2694195,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8655",0,0,0,0,0,599,599,599,599,599,599,29,24156,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,599,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8656",0,4500,160000,114240,45760,1500,-6500,6000,-2000,43760,59760,32,60150,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-6500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8657",0,0,0,0,0,1400,1400,1400,1400,1400,2900,36,36750,4,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,1400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8658",22000,0,100000,0,100000,101000,100500,123000,122500,222500,222500,57,45390,2,18,1,1,0,0,1,1,0,1,0,0,0,1,5,4,0.7196674,122500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8659",0,0,50000,35000,15000,4000,4000,4000,4000,19000,19000,40,35190,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.3719455,4000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8660",0,7000,150000,0,150000,2393,983,9393,7983,157983,170108,64,38991,2,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,983,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8661",0,10000,75000,75000,0,11500,11100,21500,21100,21100,21100,41,86097,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,11100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8662",0,2500,70000,62000,8000,6100,2000,8600,4500,12500,16500,46,49692,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8663",0,0,130000,0,130000,27200,27170,27200,27170,157170,159300,62,51099,2,10,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.5405443,27170,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8664",0,10000,20000,2537,17463,100,-900,10100,9100,26563,33227,33,42924,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-900,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8665",0,10000,70000,68500,1500,900,-7600,10900,2400,3900,11900,28,52248,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-7600,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8666",0,1200,0,0,0,77086,76586,78286,77786,77786,82452,31,75282,1,12,0,0,0,0,1,1,1,0,0,1,0,0,7,2,0.3201262,76586,0,0,0,0,0,0,0,1,0,1,0,0,0 +"8667",0,4500,0,0,0,2500,-800,7000,3700,3700,102366,44,26880,1,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8668",8000,834,300000,150000,150000,1599,-1514,10433,7320,157320,368320,41,21726,4,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,6486,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8669",0,0,120000,120000,0,9999,9399,9999,9399,9399,14724,44,60600,3,16,0,0,1,0,1,1,0,0,0,0,0,1,6,4,0.4938007,9399,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8670",15000,500,60000,0,60000,95454,92454,110954,107954,167954,247954,55,52527,2,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,107454,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8671",0,0,0,0,0,1820,-14180,1820,-14180,-14180,-14180,36,100356,1,18,0,0,1,0,1,1,0,0,0,0,0,1,7,4,0.3201262,-14180,0,0,0,0,0,0,0,1,0,0,1,0,0 +"8672",5440,8260,200000,150000,50000,6200,4600,19900,18300,68300,68300,35,86814,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,10040,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8673",0,19000,0,0,0,500,-2600,19500,16400,16400,16400,39,22338,4,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-2600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8674",7000,16000,200000,140000,60000,12831,12831,35831,35831,95831,104831,47,100116,4,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,19831,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8675",18000,5000,100000,65000,35000,26999,26999,49999,49999,84999,93460,31,37515,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,44999,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8676",1400,3330,300000,56000,244000,23200,23200,27930,27930,271930,271930,43,51153,5,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,24600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8677",0,800,0,0,0,800,-8200,1600,-7400,-7400,-5508,36,9027,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3021799,-8200,0,1,0,0,0,0,0,0,0,0,1,0,0 +"8678",0,6000,0,0,0,30280,28280,36280,34280,34280,34280,37,74850,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,28280,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8679",0,2500,124000,65000,59000,9800,7800,12300,10300,69300,69300,32,52875,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,7800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8680",0,25000,40000,0,40000,979,293,25979,25293,65293,65293,49,34047,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,293,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8681",0,268,0,0,0,200,-650,468,-382,-382,10118,49,47640,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-650,0,0,0,0,0,1,0,0,0,0,0,1,0 +"8682",0,50000,300000,150000,150000,6450,-11750,56450,38250,188250,258250,44,96774,3,15,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-11750,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8683",5000,38000,90000,39500,50500,27500,27050,70500,70050,120550,128550,35,54960,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32050,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8684",0,4000,50000,25000,25000,1060,1060,5060,5060,30060,39060,53,47586,3,11,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,1060,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8685",0,60,0,0,0,2346,2346,2406,2406,2406,3321,25,21042,1,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.4366938,2346,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8686",0,10000,0,0,0,1000,250,11000,10250,10250,10250,30,22320,4,6,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,250,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8687",2500,0,130000,130000,0,7073,-8187,9573,-5687,-5687,64313,44,67428,4,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,-5687,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8688",0,23000,0,0,0,15750,15650,38750,38650,38650,78650,32,47628,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,15650,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8689",0,4000,0,0,0,13934,13934,17934,17934,17934,21284,45,53856,1,13,0,0,0,0,1,1,1,0,0,0,1,0,6,3,0.3169526,13934,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8690",0,35000,65000,59000,6000,0,-3750,35000,31250,37250,37250,37,67056,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-3750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8691",5500,12000,103000,95000,8000,26849,26449,44349,43949,51949,71449,47,64653,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,31949,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8692",0,1700,55000,44000,11000,2300,1276,4000,2976,13976,16376,30,38454,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,1276,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8693",0,0,110000,46250,63750,4160,4160,4160,4160,67910,73910,42,18375,7,12,1,1,0,1,1,1,0,0,0,1,0,0,2,2,0.3623197,4160,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8694",0,850,38000,0,38000,600,600,1450,1450,39450,39550,36,20094,4,7,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8695",0,900,0,0,0,10800,7800,11700,8700,8700,8700,37,58053,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,7800,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8696",0,42000,32500,32500,0,600,-400,42600,41600,41600,42800,41,18240,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8697",32000,0,80000,0,80000,8200,8200,62200,62200,142200,183175,53,47478,2,12,1,0,1,0,1,1,0,1,0,1,0,0,5,2,0.650903,40200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8698",0,27000,125000,99900,25100,17100,17100,44100,44100,69200,75400,39,44529,1,18,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,17100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8699",9000,20500,172000,90000,82000,13500,12450,43000,41950,123950,128400,48,71646,2,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,21450,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8700",0,10000,238000,150000,88000,0,-8300,10000,1700,89700,89700,42,54597,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-8300,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8701",11000,3200,80000,25000,55000,13000,11800,27200,26000,81000,96999,42,54456,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,22800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8702",0,0,85000,74500,10500,2090,2090,2090,2090,12590,13090,43,23850,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,2090,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8703",0,300,0,0,0,0,-200,300,100,100,5100,41,28143,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8704",0,0,70000,28000,42000,0,-1500,0,-1500,40500,48500,29,23100,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-1500,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8705",12500,6800,96000,96000,0,4000,4000,23300,23300,23300,23300,34,106782,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,16500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8706",4000,37000,90000,30000,60000,65169,58169,106169,99169,159169,161169,61,42231,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,62169,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8707",0,0,0,0,0,766,-1884,766,-1884,-1884,1416,38,35757,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-1884,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8708",0,1300,11110,10000,1110,5848,648,7148,1948,3058,5558,34,29019,5,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,648,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8709",16400,50000,78000,67000,11000,20540,20472,86940,86872,97872,110372,30,51993,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,36872,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8710",0,0,90000,76600,13400,800,-4000,800,-4000,9400,31395,34,62355,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-4000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8711",3600,6875,75000,75000,0,10536,10536,21011,21011,21011,21111,53,29046,1,18,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,14136,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8712",4500,10000,0,0,0,52000,52000,66500,66500,66500,67000,47,64800,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.6386597,56500,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8713",0,0,65000,63000,2000,7700,7700,7700,7700,9700,25700,28,72648,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,7700,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8714",0,0,95500,95500,0,10000,-30000,10000,-30000,-30000,-29000,30,33270,3,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-30000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8715",3000,2500,0,0,0,0,0,5500,5500,5500,11250,29,36000,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,3000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8716",0,38000,125000,37200,87800,1699,-401,39699,37599,125399,132899,56,55503,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-401,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8717",0,1700,60000,54000,6000,2050,-8950,3750,-7250,-1250,1750,41,29739,1,17,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,-8950,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8718",0,3000,0,0,0,1050,710,4050,3710,3710,4235,42,24237,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,710,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8719",0,0,0,0,0,300,-3700,300,-3700,-3700,6300,40,52173,6,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,-3700,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8720",0,0,107000,75500,31500,12499,-3201,12499,-3201,28299,49299,47,61602,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-3201,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8721",0,2834,40000,22500,17500,7500,6500,10334,9334,26834,28834,44,27390,4,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,6500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8722",0,0,0,0,0,42000,40000,42000,40000,40000,43075,32,13680,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,40000,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8723",15250,5405,55000,41000,14000,5099,4999,25754,25654,39654,46397,37,26781,1,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,20249,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8724",0,13000,25000,18500,6500,9999,-15001,22999,-2001,4499,11849,35,32364,1,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,-15001,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8725",0,0,0,0,0,2600,2600,2600,2600,2600,18653,29,36030,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,2600,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8726",22500,26942,165000,0,165000,194000,192000,243442,241442,406442,406442,46,48000,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,214500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8727",0,3500,55000,30600,24400,1200,-650,4700,2850,27250,31250,38,15000,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-650,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8728",10120,11000,84000,42000,42000,39609,39339,60729,60459,102459,115259,37,41031,2,18,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,49459,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8729",0,0,0,0,0,28000,28000,28000,28000,28000,28000,37,50082,3,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.3598378,28000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8730",58000,10000,121000,121000,0,227998,227898,295998,295898,295898,295898,40,66801,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,285898,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8731",0,0,215000,40000,175000,0,0,0,0,175000,175000,62,32616,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,0,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8732",0,3000,35000,22500,12500,200,200,3200,3200,15700,18200,37,26868,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8733",0,3000,23000,19000,4000,306,306,3306,3306,7306,9806,28,42411,2,12,0,0,0,0,1,1,1,0,0,1,0,0,5,2,0.4200058,306,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8734",12447,30000,200000,0,200000,49999,49999,92446,92446,292446,292446,53,62400,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,62446,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8735",3314,0,0,0,0,6947,6847,10261,10161,10161,17161,27,36432,1,16,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,10161,0,0,0,0,1,0,0,0,1,0,0,0,0 +"8736",20000,400,280000,150000,130000,14362,8362,34762,28762,158762,213783,45,47316,1,16,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.4414764,28362,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8737",0,3000,85000,25000,60000,300,-5700,3300,-2700,57300,57300,53,31470,7,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-5700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8738",0,0,72000,45000,27000,2850,-7150,2850,-7150,19850,27256,59,46722,5,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-7150,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8739",0,0,60000,24000,36000,2600,-6400,2600,-6400,29600,29600,38,47784,4,11,1,1,0,1,1,1,0,0,1,0,0,0,5,1,0.6077043,-6400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8740",0,0,0,0,0,6700,200,6700,200,200,200,42,28245,2,18,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8741",13600,106320,240000,150000,90000,40776,15276,160696,135196,225196,252796,44,158721,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,28876,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8742",0,0,200000,105000,95000,1700,1700,1700,1700,96700,99200,43,29604,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8743",0,14524,175000,30000,145000,29574,29574,44098,44098,189098,221098,43,48468,6,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,29574,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8744",0,2800,0,0,0,100,-200,2900,2600,2600,3600,58,11325,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-200,0,0,1,0,0,0,0,0,0,0,0,0,1 +"8745",0,4000,75000,65500,9500,500,-2000,4500,2000,11500,32500,34,31722,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8746",0,4300,0,0,0,0,0,4300,4300,4300,22300,25,19800,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8747",0,0,100000,0,100000,9999,9999,9999,9999,109999,113249,54,21450,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,9999,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8748",0,0,300000,125000,175000,4500,3500,4500,3500,178500,184300,40,76866,4,16,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,3500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8749",0,13767,130400,130400,0,10205,9005,23972,22772,22772,30772,53,55725,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,9005,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8750",0,0,26000,26000,0,0,-480,0,-480,-480,920,28,25749,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-480,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8751",50000,15000,175000,0,175000,259000,259000,324000,324000,499000,499000,62,95430,3,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,309000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8752",0,1700,0,0,0,26258,22858,27958,24558,24558,24558,36,16794,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,22858,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8753",4909,65000,80000,38000,42000,15999,15499,101908,101408,143408,181408,56,36912,3,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,20408,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8754",0,0,62000,42000,20000,2315,-4635,2315,-4635,15365,15365,41,48312,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-4635,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8755",0,11000,0,0,0,11047,10047,22047,21047,21047,25647,41,92514,2,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,10047,0,0,0,0,0,0,0,1,0,0,1,0,0 +"8756",0,0,94000,77000,17000,2499,-5301,2499,-5301,11699,51699,52,51060,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-5301,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8757",20000,7000,200000,150000,50000,1900,1900,28900,28900,78900,78900,35,52572,2,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,21900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8758",0,4300,0,0,0,700,700,5000,5000,5000,5750,33,12486,1,12,0,1,1,0,1,1,1,0,0,1,0,0,2,2,0.1283302,700,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8759",0,170,4000,3200,800,31,31,201,201,1001,1501,34,16065,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,31,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8760",0,13200,115000,102000,13000,1365,926,14565,14126,27126,38126,29,50433,2,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,926,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8761",0,0,225000,3200,221800,1000,400,1000,400,222200,243704,39,28425,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,400,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8762",50300,14767,60000,0,60000,12749,8749,77816,73816,133816,134816,45,77697,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,59049,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8763",4800,42000,200000,125000,75000,3048,-14952,49848,31848,106848,182348,38,57480,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-10152,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8764",2000,1500,0,0,0,549,-2251,4049,1249,1249,4361,37,34359,2,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.6044431,-251,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8765",0,14000,75000,55000,20000,9200,8500,23200,22500,42500,187500,31,68730,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,8500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8766",0,0,109000,58000,51000,3225,2425,3225,2425,53425,53425,41,51981,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2425,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8767",2800,8400,74000,72000,2000,22199,22199,33399,33399,35399,48399,32,87540,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,24999,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8768",0,0,165000,108000,57000,2499,-87501,2499,-87501,-30501,-28101,58,72150,2,14,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,-87501,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8769",0,1000,55000,42000,13000,821,821,1821,1821,14821,19821,44,43536,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,821,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8770",0,1000,95000,68000,27000,11400,9400,12400,10400,37400,40700,44,57420,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,9400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8771",0,2000,158000,150000,8000,175,-4825,2175,-2825,5175,9975,36,56880,1,12,1,0,1,0,1,1,1,0,0,1,0,0,6,2,0.7472324,-4825,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8772",0,2000,72000,72000,0,1100,-100,3100,1900,1900,1900,49,36642,6,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-100,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8773",0,0,72000,48000,24000,1662,-2038,1662,-2038,21962,21962,61,37359,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-2038,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8774",0,15000,0,0,0,0,-1800,15000,13200,13200,13200,53,23700,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-1800,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8775",15000,19400,130000,61700,68300,7227,5227,41627,39627,107927,114927,39,45819,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,20227,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8776",50376,0,300000,150000,150000,103355,103355,153731,153731,303731,385955,33,99699,4,17,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,153731,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8777",12371,0,75000,30000,45000,13048,5048,25419,17419,62419,62419,49,45753,4,14,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,17419,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8778",29600,8000,93000,84000,9000,4800,-6700,42400,30900,39900,39900,33,77355,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,22900,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8779",4000,50000,80000,0,80000,19999,19999,73999,73999,153999,163674,61,31017,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,23999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8780",0,0,50000,25000,25000,9000,8520,9000,8520,33520,52720,46,47655,2,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,8520,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8781",20000,600,75000,0,75000,63300,63300,83900,83900,158900,181138,48,92991,5,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8782",5000,30000,125000,108000,17000,70300,70150,105300,105150,122150,122150,33,73308,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,75150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8783",0,26000,0,0,0,499,499,26499,26499,26499,33174,49,7209,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3021799,499,0,1,0,0,0,0,0,0,0,0,0,1,0 +"8784",7800,11000,95000,84000,11000,15000,15000,33800,33800,44800,56800,29,96180,5,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,22800,1,0,0,0,0,0,0,1,1,0,0,0,0 +"8785",4500,5000,100000,69500,30500,18500,18500,33000,33000,63500,69500,35,47250,4,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,23000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8786",0,0,105000,30000,75000,0,-2200,0,-2200,72800,72800,37,28443,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8787",0,80,0,0,0,987,-5013,1067,-4933,-4933,-3733,27,40647,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-5013,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8788",0,6000,50000,33000,17000,12000,9000,18000,15000,32000,52000,37,94980,2,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,9000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8789",0,2000,0,0,0,6500,6500,8500,8500,8500,9000,52,19638,1,10,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,6500,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8790",0,20000,300000,38000,262000,2899,2899,22899,22899,284899,284899,41,49134,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,2899,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8791",0,700,0,0,0,1249,349,1949,1049,1049,4399,29,23409,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,349,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8792",0,2094,60000,59000,1000,500,-4700,2594,-2606,-1606,-1606,47,36222,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4700,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8793",0,13000,112000,87000,25000,5000,5000,18000,18000,43000,43500,34,33084,4,14,0,1,1,0,1,1,1,0,0,0,1,0,4,3,0.3719455,5000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8794",40250,5405,86000,50000,36000,5700,4700,51355,50355,86355,86355,40,49095,5,18,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,44950,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8795",0,2500,60000,23000,37000,18,-4097,2518,-1597,35403,38903,39,32139,5,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-4097,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8796",11700,13866,34000,32900,1100,2000,-1000,27566,24566,25666,30447,38,47316,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8797",80000,2339,125000,35000,90000,26020,26020,108359,108359,198359,248359,53,70923,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,106020,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8798",2500,28000,170000,50000,120000,52800,52165,83300,82665,202665,202665,34,91209,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,54665,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8799",0,15000,73000,64000,9000,9948,9448,24948,24448,33448,33448,31,58323,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,9448,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8800",0,7000,0,0,0,1280,280,8280,7280,7280,12480,38,30510,2,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,280,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8801",0,157,80000,65000,15000,28800,28300,28957,28457,43457,57457,48,50781,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,28300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8802",4000,6000,85000,62000,23000,21999,21199,31999,31199,54199,75199,36,95823,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,25199,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8803",1000,35000,30000,30000,0,42490,22110,78490,58110,58110,57735,53,63630,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,23110,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8804",0,0,175000,80000,95000,21549,21549,21549,21549,116549,125605,34,83496,4,17,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,21549,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8805",50000,1500,140000,50000,90000,10399,10199,61899,61699,151699,151699,35,30558,4,15,1,1,0,1,1,1,1,1,0,0,1,0,4,3,0.5449064,60199,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8806",0,6000,32000,0,32000,2174,2174,8174,8174,40174,111174,47,31890,4,7,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,2174,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8807",0,19749,86000,68000,18000,10735,2735,30484,22484,40484,40484,36,39627,3,14,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,2735,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8808",0,0,200000,42000,158000,34999,34999,34999,34999,192999,192999,38,14850,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,34999,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8809",25000,25000,40000,0,40000,50700,50700,100700,100700,140700,164700,54,47646,3,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,75700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8810",0,0,0,0,0,298,-5702,298,-5702,-5702,-5702,40,38922,3,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-5702,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8811",30000,8395,67000,38000,29000,28450,28450,66845,66845,95845,101345,58,56958,1,12,1,0,0,0,1,1,1,1,0,1,0,0,6,2,0.7856908,58450,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8812",10400,0,290000,70000,220000,98999,98999,109399,109399,329399,331899,35,99480,3,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,109399,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8813",0,1300,25000,0,25000,550,550,1850,1850,26850,30183,34,19044,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,550,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8814",0,2500,0,0,0,175,-275,2675,2225,2225,5725,32,20901,5,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-275,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8815",5000,21000,60000,49000,11000,4500,3860,55500,54860,65860,65860,40,65346,6,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,8860,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8816",8000,400,225000,58000,167000,103000,100200,111400,108600,275600,275600,43,47796,4,11,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,108200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8817",0,0,55000,0,55000,14200,14200,14200,14200,69200,73200,64,49167,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,14200,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8818",0,2511,5000,0,5000,0,-1500,2511,1011,6011,6011,31,18171,5,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1500,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8819",0,0,0,0,0,3325,1606,3325,1606,1606,4681,31,23367,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1606,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8820",0,5180,102000,21000,81000,14471,11869,19651,17049,98049,106549,51,70092,5,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,11869,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8821",0,2300,80000,78000,2000,6000,4125,8300,6425,8425,15825,47,58548,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,4125,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8822",0,0,0,0,0,800,600,800,600,600,600,48,19152,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,600,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8823",17000,4000,0,0,0,2700,2550,23700,23550,23550,134550,39,44040,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,19550,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8824",0,0,72000,58800,13200,2200,-5250,2200,-5250,7950,18200,31,28272,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,-5250,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8825",0,400,0,0,0,1782,1782,2182,2182,2182,2682,30,20964,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,1782,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8826",500,2000,80000,44000,36000,6800,6800,9300,9300,45300,52300,25,65049,2,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.5336504,7300,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8827",22349,72000,85000,0,85000,6120,6120,100469,100469,185469,185469,61,37380,2,8,0,1,0,0,1,1,1,1,1,0,0,0,4,1,0.3524857,28469,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8828",1300,0,70000,45000,25000,29300,28700,30600,30000,55000,57000,44,39786,3,14,0,0,0,0,1,1,0,1,0,0,1,0,4,3,0.3669286,30000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8829",0,1300,0,0,0,600,-2500,1900,-1200,-1200,1900,41,19596,2,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2500,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8830",0,1000,30000,0,30000,2500,1500,3500,2500,32500,46500,42,27990,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8831",0,0,300000,150000,150000,8900,4000,8900,4000,154000,207500,45,120069,4,18,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,4000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8832",0,0,145000,135000,10000,5,-14995,5,-14995,-4995,4005,33,71100,5,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,-14995,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8833",3600,0,0,0,0,23400,13400,27000,17000,17000,17000,53,68196,1,16,0,0,0,0,1,1,0,1,0,0,0,1,6,4,0.3107966,17000,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8834",500,0,0,0,0,2000,1500,2500,2000,2000,4000,36,30450,2,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.6044431,2000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8835",0,0,0,0,0,2350,1700,2350,1700,1700,4025,35,23064,2,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,1700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8836",2500,0,135000,100000,35000,2199,-2801,4699,-301,34699,34699,29,57096,3,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,-301,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8837",0,80000,150000,22000,128000,131300,126500,211300,206500,334500,337000,49,77244,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,126500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8838",0,298,0,0,0,50,-1350,348,-1052,-1052,10127,52,23640,2,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1350,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8839",0,60000,120000,7600,112400,7407,2707,67407,62707,175107,180607,45,55446,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2707,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8840",0,0,92000,65000,27000,17100,15200,17100,15200,42200,85200,62,50304,2,18,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8841",2000,45000,175000,0,175000,3275,-2725,50275,44275,219275,219275,59,55020,3,6,0,1,0,0,1,1,1,1,1,0,0,0,6,1,0.5336504,-725,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8842",0,0,0,0,0,250,-6150,250,-6150,-6150,-5002,53,22215,1,6,1,0,1,0,1,1,0,0,1,0,0,0,3,1,0.5315681,-6150,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8843",0,0,120000,0,120000,9999,5999,9999,5999,125999,125999,56,54582,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,5999,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8844",0,0,35000,28000,7000,100,-7400,100,-7400,-400,-400,34,26598,3,15,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-7400,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8845",0,600,40000,18000,22000,0,0,600,600,22600,22600,25,25200,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8846",0,50000,260000,150000,110000,2000,-250,52000,49750,159750,159750,46,58611,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-250,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8847",500,283,0,0,0,400,400,1183,1183,1183,4201,28,15159,2,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.105793,900,0,0,1,0,0,0,0,0,1,0,0,0,0 +"8848",0,52,0,0,0,40,-118,92,-66,-66,934,32,22881,4,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-118,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8849",36000,17000,100000,0,100000,35000,34750,88000,87750,187750,187750,53,73350,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,70750,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8850",0,7000,0,0,0,299,-701,7299,6299,6299,10930,34,32226,3,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3086649,-701,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8851",0,0,0,0,0,599,-4401,599,-4401,-4401,32124,40,43536,3,17,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5231876,-4401,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8852",0,4250,0,0,0,13300,2280,17550,6530,6530,15030,32,33498,2,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,2280,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8853",0,0,0,0,0,420,-1580,420,-1580,-1580,920,41,14679,1,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4215196,-1580,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8854",0,530,80000,40000,40000,1000,-1000,1530,-470,39530,44155,27,27966,2,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-1000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8855",14693,0,150000,35000,115000,11892,1892,26585,16585,131585,134585,42,74646,3,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,16585,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8856",0,0,190000,81250,108750,1991,1586,1991,1586,110336,199336,53,55944,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,1586,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8857",0,2165,21000,8000,13000,600,-900,2765,1265,14265,25627,40,33993,1,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3866406,-900,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8858",0,4300,0,0,0,0,-900,4300,3400,3400,3400,34,33270,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-900,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8859",0,7500,0,0,0,0,0,7500,7500,7500,8000,40,15387,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8860",0,1800,75000,42000,33000,25000,25000,26800,26800,59800,63525,31,29061,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,25000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"8861",26000,90000,170000,100000,70000,13000,12950,129000,128950,198950,201950,49,97365,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,38950,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8862",0,17600,80000,20500,59500,27000,27000,44600,44600,104100,110100,46,24906,1,17,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,27000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8863",0,0,85000,60000,25000,100,-1900,100,-1900,23100,27900,37,23802,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-1900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8864",0,42000,30000,8700,21300,0,0,42000,42000,63300,63300,36,21300,6,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8865",0,850,0,0,0,6000,5600,6850,6450,6450,22450,36,22548,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,5600,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8866",0,2300,65000,0,65000,4999,4999,7299,7299,72299,72929,40,37020,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,4999,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8867",0,6000,50000,20000,30000,200,100,6200,6100,36100,43100,56,26100,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8868",0,0,0,0,0,100,-7850,100,-7850,-7850,-7850,48,27000,2,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-7850,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8869",50000,0,100000,0,100000,1499,1499,51499,51499,151499,278937,61,28080,4,12,1,0,1,0,1,1,0,1,0,1,0,0,3,2,0.4720998,51499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"8870",0,80,0,0,0,20,-2880,100,-2800,-2800,-2800,37,37491,2,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-2880,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8871",19200,40000,145000,140000,5000,450,-350,59650,58850,63850,63850,30,56757,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,18850,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8872",0,800,78000,72500,5500,60550,60200,61350,61000,66500,85000,32,59667,2,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,60200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8873",17000,51000,220000,150000,70000,2498,2498,70498,70498,140498,140498,42,63333,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19498,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8874",0,369,150000,0,150000,500,500,869,869,150869,150869,38,44430,6,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8875",0,0,32000,23500,8500,299,-2801,299,-2801,5699,5699,36,33270,8,10,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-2801,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8876",0,25000,98000,88000,10000,7150,7150,32150,32150,42150,50650,26,51480,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7150,1,0,0,0,0,0,1,0,1,0,0,0,0 +"8877",10220,4786,34000,0,34000,2900,-1300,17906,13706,47706,51584,43,39132,4,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,8920,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8878",0,18000,0,0,0,16536,13536,34536,31536,31536,31536,34,34698,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,13536,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8879",2000,0,0,0,0,13000,13000,15000,15000,15000,46800,46,31719,3,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,15000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8880",0,0,0,0,0,1200,-5600,1200,-5600,-5600,-5600,45,55986,6,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,-5600,0,0,0,0,0,0,1,0,0,0,0,1,0 +"8881",0,28160,300000,150000,150000,400,-800,28560,27360,177360,177360,42,51000,5,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8882",20000,20000,300000,25000,275000,51582,46582,91582,86582,361582,511582,60,110316,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,66582,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8883",0,1000,70000,25000,45000,1400,-100,2400,900,45900,51525,44,14592,2,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-100,1,0,1,0,0,0,0,0,0,0,1,0,0 +"8884",0,2000,50900,50900,0,1016,-3034,3016,-1034,-1034,2466,35,39915,1,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-3034,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8885",0,83,72000,7200,64800,7075,75,7158,158,64958,70958,42,43707,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,75,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8886",0,1600,0,0,0,4000,-1000,5600,600,600,6975,30,24210,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8887",0,0,0,0,0,0,-1800,0,-1800,-1800,-800,48,16680,1,15,0,0,1,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-1800,0,0,1,0,0,0,0,0,0,0,0,1,0 +"8888",600,787,130000,45000,85000,10500,10500,11887,11887,96887,96887,45,71118,12,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,11100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8889",0,2900,83000,73000,10000,1200,-8800,4100,-5900,4100,4100,29,41886,2,1,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,-8800,1,0,0,0,0,1,0,0,1,0,0,0,0 +"8890",0,0,0,0,0,0,-5900,0,-5900,-5900,194100,47,40800,1,12,0,0,1,0,1,1,0,0,0,1,0,0,5,2,0.3055234,-5900,0,0,0,0,0,1,0,0,0,0,0,1,0 +"8891",7500,200,200000,40000,160000,10175,9075,17875,16775,176775,176775,36,34140,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,16575,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8892",0,15000,45000,35000,10000,3349,-2651,18349,12349,22349,22349,45,54327,8,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2651,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8893",0,650,0,0,0,0,-960,650,-310,-310,-310,31,29637,3,14,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,-960,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8894",24500,4304,100000,0,100000,6499,6499,35303,35303,135303,159528,54,33705,2,10,0,0,1,0,1,1,1,1,1,0,0,0,4,1,0.3669286,30999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8895",20000,35000,78000,55000,23000,16774,11674,71774,66674,89674,89674,37,35328,6,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,31674,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8896",0,700,0,0,0,50,-2950,750,-2250,-2250,-50,31,19506,3,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2950,0,0,1,0,0,0,0,0,0,1,0,0,0 +"8897",0,7000,300000,150000,150000,3000,-3000,10000,4000,154000,154000,49,120420,3,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-3000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8898",7090,64000,78000,46000,32000,600,-15400,71690,55690,87690,95690,51,67431,3,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,-8310,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8899",0,0,79000,20000,59000,1950,-2850,1950,-2850,56150,67150,59,18894,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-2850,1,0,1,0,0,0,0,0,0,0,0,0,1 +"8900",0,400,0,0,0,0,-160,400,240,240,240,31,28410,11,7,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-160,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8901",0,0,0,0,0,0,-4200,0,-4200,-4200,2543,44,21120,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-4200,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8902",10000,5801,6762,0,6762,115862,115862,131663,131663,138425,141775,61,38076,2,11,1,0,0,0,1,1,1,1,1,0,0,0,4,1,0.6174901,125862,1,0,0,0,1,0,0,0,0,0,0,0,1 +"8903",12500,31000,140000,70000,70000,5999,-2501,49499,40999,110999,118613,53,102600,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,9999,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8904",0,0,0,0,0,700,-5000,700,-5000,-5000,-800,34,22812,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 +"8905",0,35400,0,0,0,0,0,35400,35400,35400,39943,39,36930,3,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"8906",0,2500,0,0,0,500,-300,3000,2200,2200,6200,27,29760,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.2092901,-300,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8907",0,0,0,0,0,5000,0,5000,0,0,2000,34,38640,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8908",0,2148,72000,62600,9400,4383,3433,6531,5581,14981,20381,38,45870,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,3433,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8909",0,2300,0,0,0,1800,-14700,4100,-12400,-12400,3600,39,40500,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,-14700,0,0,0,0,0,1,0,0,0,0,1,0,0 +"8910",0,15000,70000,56000,14000,3199,-301,18199,14699,28699,35688,26,28950,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-301,1,0,0,1,0,0,0,0,1,0,0,0,0 +"8911",0,0,0,0,0,100,-400,100,-400,-400,-400,53,31386,3,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3086649,-400,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8912",11500,6000,57500,43500,14000,7569,6469,25069,23969,37969,46469,35,55125,4,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,17969,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8913",0,0,45000,38000,7000,468,-15532,468,-15532,-8532,-2936,37,41763,2,16,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-15532,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8914",0,2000,110000,10000,100000,199,-8051,2199,-6051,93949,96649,45,25353,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-8051,1,0,0,1,0,0,0,0,0,0,0,1,0 +"8915",0,0,200000,61000,139000,3000,3000,3000,3000,142000,144000,42,51900,3,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8916",0,5000,0,0,0,2500,2500,7500,7500,7500,43500,35,33690,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,2500,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8917",0,0,175000,0,175000,3300,3300,3300,3300,178300,180800,43,41148,2,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,3300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8918",0,0,70000,46000,24000,7504,7504,7504,7504,31504,38504,44,38835,2,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,7504,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8919",0,0,40000,7800,32200,850,-4408,850,-4408,27792,35125,38,29391,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,-4408,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8920",8000,24000,77000,60000,17000,7499,6399,39499,38399,55399,61493,43,48471,4,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,14399,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8921",13800,1400,90000,48500,41500,800,-1200,16000,14000,55500,55500,45,41814,5,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,12600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8922",14308,1094,70000,33000,37000,100000,100000,115402,115402,152402,157402,52,46998,2,10,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,114308,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8923",0,0,0,0,0,0,0,0,0,0,500,40,16995,3,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8924",0,0,70000,51500,18500,200,-3500,200,-3500,15000,21975,34,49515,2,16,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-3500,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8925",12000,3000,70000,50000,20000,50740,50340,65740,65340,85340,100340,42,61800,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,62340,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8926",90000,3224,140000,49000,91000,120626,119450,243850,242674,333674,400674,52,70872,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,209450,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8927",22000,80000,95000,18500,76500,48499,48499,150499,150499,226999,261999,53,45270,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,70499,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8928",0,5000,0,0,0,1200,800,6200,5800,5800,6100,33,31857,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,800,0,0,0,0,1,0,0,0,0,1,0,0,0 +"8929",5906,25000,300000,53000,247000,20562,14512,51468,45418,292418,292418,48,45702,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,20418,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8930",0,18500,175000,29000,146000,4350,2750,22850,21250,167250,209250,47,51150,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,2750,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8931",0,13000,45000,28000,17000,4250,-450,17250,12550,29550,34892,44,27291,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-450,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8932",0,0,89000,75000,14000,0,-14000,0,-14000,0,69000,32,44703,5,18,0,1,1,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-14000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8933",0,0,0,0,0,2000,2000,2000,2000,2000,2000,48,39321,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,2000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8934",6000,0,100000,20500,79500,499,-1001,6499,4999,84499,95499,50,51234,2,9,1,1,0,1,1,1,0,1,1,0,0,0,6,1,0.7130944,4999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8935",0,475,0,0,0,975,741,1450,1216,1216,5177,43,13248,1,11,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,741,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8936",0,3100,0,0,0,1322,-78,10722,9322,9322,13780,27,49428,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.3243191,-78,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8937",5200,3000,0,0,0,18012,16812,26212,25012,25012,33187,48,39246,2,17,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6739899,22012,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8938",0,0,100000,70000,30000,2499,-3501,2499,-3501,26499,30524,43,34950,2,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-3501,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8939",3900,0,190000,62000,128000,104900,104900,108800,108800,236800,296800,56,108621,4,13,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,108800,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8940",11000,2300,65000,56000,9000,8200,5200,21500,18500,27500,42500,35,60300,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,16200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8941",0,6500,132000,96000,36000,33498,30498,39998,36998,72998,77998,37,78450,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,30498,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8942",0,20000,55000,0,55000,2200,250,22200,20250,75250,79750,46,49698,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,250,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8943",0,530,24000,20000,4000,349,-501,879,29,4029,8029,30,17505,3,11,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,-501,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8944",0,50000,37500,0,37500,899,899,50899,50899,88399,88399,61,18669,2,8,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,899,1,0,1,0,0,0,0,0,0,0,0,0,1 +"8945",0,0,85000,81000,4000,750,-1450,750,-1450,2550,13550,26,35583,2,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-1450,1,0,0,0,1,0,0,0,1,0,0,0,0 +"8946",0,18000,95000,60000,35000,5480,5380,23480,23380,58380,58380,33,45201,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,5380,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8947",20000,600,0,0,0,46284,45884,66884,66484,66484,66484,50,32436,2,16,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6739899,65884,0,0,0,0,1,0,0,0,0,0,0,1,0 +"8948",5312,0,46000,46000,0,2375,-6125,7687,-813,-813,4687,45,42534,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,-813,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8949",203,15000,80000,50500,29500,1100,-80,16303,15123,44623,46319,38,42561,9,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,123,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8950",10000,7500,200000,0,200000,45749,45749,63249,63249,263249,471949,46,100011,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,55749,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8951",24000,7600,53000,0,53000,36300,35500,67900,67100,120100,120100,54,49272,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,59500,1,0,0,0,0,1,0,0,0,0,0,1,0 +"8952",0,0,180000,110000,70000,0,-3000,0,-3000,67000,67000,38,52236,6,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-3000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8953",0,0,27000,22050,4950,45,-117,45,-117,4833,4833,37,35175,5,9,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,-117,1,0,0,0,1,0,0,0,0,0,1,0,0 +"8954",3500,100,0,0,0,1000,-3000,4600,600,600,8975,27,41256,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,500,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8955",0,14000,90000,72000,18000,15000,13000,29000,27000,45000,55800,31,58500,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,13000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8956",8727,0,40000,29000,11000,2739,539,11466,9266,20266,26562,42,42192,4,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.4624346,9266,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8957",0,1000,0,0,0,400,400,1400,1400,1400,1400,44,14496,5,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8958",14000,19200,225000,150000,75000,111999,111939,145199,145139,220139,220139,47,86700,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,125939,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8959",0,530,0,0,0,782,782,1312,1312,1312,3812,26,29344,3,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,782,0,0,0,1,0,0,0,0,1,0,0,0,0 +"8960",11000,1000,140000,91000,49000,11300,11000,23300,23000,72000,72000,38,66036,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,22000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8961",0,965,65000,26000,39000,400,-200,1365,765,39765,39765,35,18384,4,12,1,1,0,1,1,1,1,0,0,1,0,0,2,2,0.3623197,-200,1,0,1,0,0,0,0,0,0,1,0,0,0 +"8962",9500,4300,80000,49000,31000,11400,-1100,25200,12700,43700,50800,38,48996,3,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,8400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8963",3800,500,20000,20000,0,17500,15500,21800,19800,19800,26796,36,23409,2,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,19300,1,0,0,1,0,0,0,0,0,0,1,0,0 +"8964",0,100,0,0,0,715,615,815,715,715,715,33,43572,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,615,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8965",4100,350,0,0,0,39583,4896,44033,9346,9346,9832,30,42204,3,15,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.3442089,8996,0,0,0,0,0,1,0,0,0,1,0,0,0 +"8966",0,59000,300000,26500,273500,23199,22849,82199,81849,355349,355349,59,67350,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,22849,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8967",0,1600,100000,58000,42000,1625,-5075,3225,-3475,38525,38525,45,50070,6,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5075,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8968",0,5000,0,0,0,3400,3400,8400,8400,8400,152400,39,61377,5,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,3400,0,0,0,0,0,0,1,0,0,0,1,0,0 +"8969",60000,0,120000,75600,44400,3000,2500,63000,62500,106900,166900,61,48828,2,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,62500,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8970",0,4000,98000,48000,50000,5700,5600,9700,9600,59600,62600,34,45912,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,5600,1,0,0,0,0,1,0,0,0,1,0,0,0 +"8971",0,10000,50000,0,50000,6325,4825,16325,14825,64825,75925,52,37356,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,4825,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8972",0,80000,150000,40000,110000,26000,26000,106000,106000,216000,233175,57,77280,2,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,26000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"8973",5500,0,86000,76000,10000,4460,3520,9960,9020,19020,99020,56,46911,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,9020,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8974",0,0,200000,100000,100000,6800,2000,6800,2000,102000,102000,36,86403,3,14,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,2000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8975",0,0,0,0,0,1450,-8950,1450,-8950,-8950,-8950,29,49572,2,16,0,1,1,1,1,1,0,0,0,0,0,1,5,4,0.3243191,-8950,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8976",0,6000,50000,42500,7500,28847,28047,34847,34047,41547,43547,33,66939,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,28047,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8977",0,30000,290000,150000,140000,5000,4200,35000,34200,174200,181146,46,100587,2,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,4200,1,0,0,0,0,0,0,1,0,0,0,1,0 +"8978",0,5000,50000,0,50000,2550,1550,7550,6550,56550,82050,52,51570,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1550,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8979",0,5000,0,0,0,5700,3700,10700,8700,8700,10769,44,19500,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,3700,0,0,1,0,0,0,0,0,0,0,1,0,0 +"8980",20000,13000,65000,40000,25000,11000,11000,44000,44000,69000,90500,50,52110,2,17,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,31000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8981",20000,0,60000,0,60000,2398,2398,22398,22398,82398,82398,57,46236,3,10,0,1,0,0,1,1,0,1,1,0,0,0,5,1,0.4624346,22398,1,0,0,0,0,1,0,0,0,0,0,0,1 +"8982",0,4500,190000,0,190000,999,559,5499,5059,195059,201002,45,36060,3,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,559,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8983",0,0,0,0,0,1349,-3651,1349,-3651,-3651,-301,40,27915,1,16,0,0,1,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-3651,0,0,0,1,0,0,0,0,0,0,1,0,0 +"8984",0,33000,120000,40000,80000,2960,2860,35960,35860,115860,116860,36,48135,4,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,2860,1,0,0,0,0,1,0,0,0,0,1,0,0 +"8985",61000,8500,125000,70500,54500,33200,31200,102700,100700,155200,270200,52,58500,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,92200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8986",0,12000,200000,55000,145000,14199,12199,26199,24199,169199,209199,46,54729,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,12199,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8987",4000,15000,300000,150000,150000,50000,50000,69000,69000,219000,224000,34,107940,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,54000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"8988",0,14000,280000,104000,176000,16300,12500,30300,26500,202500,202500,37,106068,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,12500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8989",0,0,180000,62200,117800,1530,1256,1530,1256,119056,119566,47,30645,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,1256,1,0,0,0,1,0,0,0,0,0,0,1,0 +"8990",0,0,210000,42000,168000,4999,-7001,4999,-7001,160999,160999,45,72300,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-7001,1,0,0,0,0,0,1,0,0,0,0,1,0 +"8991",44000,20000,140000,98000,42000,193600,193600,257600,257600,299600,484600,60,71028,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,237600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"8992",0,0,0,0,0,400,-48600,400,-48600,-48600,-40100,35,51384,1,18,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-48600,0,0,0,0,0,0,1,0,0,1,0,0,0 +"8993",0,0,56000,39500,16500,28500,22450,28500,22450,38950,45450,31,58173,2,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,22450,1,0,0,0,0,0,1,0,0,1,0,0,0 +"8994",0,80000,130000,96000,34000,5000,4000,85000,84000,118000,118000,39,83250,2,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,4000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"8995",0,0,60000,29000,31000,1500,1500,1500,1500,32500,32500,33,35535,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"8996",0,0,0,0,0,675,-5325,675,-5325,-5325,-2075,48,22650,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5325,0,0,0,1,0,0,0,0,0,0,0,1,0 +"8997",0,8000,0,0,0,1000,700,9000,8700,8700,13000,26,43230,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5231876,700,0,0,0,0,0,1,0,0,1,0,0,0,0 +"8998",0,10000,57000,57000,0,5600,5100,15600,15100,15100,15100,40,74220,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,5100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"8999",3000,0,150000,30000,120000,1060,-940,4060,2060,122060,128060,41,34794,4,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,2060,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9000",0,1850,98000,77400,20600,2162,1355,4012,3205,23805,27305,29,44226,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1355,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9001",600,600,0,0,0,0,-200,1200,1000,1000,1500,36,12156,3,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.105793,400,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9002",5000,10000,70000,65000,5000,800,-7500,15800,7500,12500,30500,37,38208,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,-2500,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9003",0,3800,0,0,0,4813,2713,8613,6513,6513,6513,34,26865,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,2713,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9004",8411,500,180000,0,180000,2249,249,11160,9160,189160,189160,60,30735,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,8660,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9005",0,0,90000,28000,62000,21330,18930,21330,18930,80930,136930,43,28080,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,18930,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9006",0,4000,55000,49000,6000,899,899,4899,4899,10899,23899,27,36201,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,899,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9007",12000,30000,100000,65000,35000,1500,1500,43500,43500,78500,113500,44,46890,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,13500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9008",0,13866,16000,12650,3350,15252,13052,29118,26918,30268,31468,38,43599,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,13052,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9009",0,33000,225000,147000,78000,3450,3450,36450,36450,114450,114450,51,76827,3,18,1,1,0,0,1,1,1,0,0,0,0,1,7,4,0.6849159,3450,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9010",0,2500,24000,28518,-4518,0,-420,2500,2080,-2438,-888,34,31983,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-420,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9011",0,1452,160000,120000,40000,7200,6200,8652,7652,47652,47652,35,64983,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,6200,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9012",0,21600,170000,115000,55000,23600,8600,45200,30200,85200,104200,33,43425,5,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.4407951,8600,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9013",0,0,0,0,0,67000,66900,67000,66900,66900,66900,36,55200,3,10,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.3598378,66900,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9014",0,0,110000,78000,32000,1000,-200,1000,-200,31800,31900,28,23316,1,18,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,-200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9015",0,3000,110000,110000,0,21680,20210,24680,23210,23210,23210,35,54963,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,20210,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9016",0,178,0,0,0,32114,32114,32292,32292,32292,152292,32,79206,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,32114,0,0,0,0,0,0,0,1,0,1,0,0,0 +"9017",0,0,65000,15000,50000,0,0,0,0,50000,55242,50,17280,4,10,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9018",0,1200,300000,100000,200000,33999,33999,35199,35199,235199,305199,50,32805,6,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,33999,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9019",13000,20000,245000,130000,115000,20800,17000,53800,50000,165000,227175,51,69786,3,16,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,30000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9020",0,0,0,0,0,7500,-900,7500,-900,-900,44700,42,32100,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,-900,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9021",6000,7000,165000,150000,15000,17000,17000,30000,30000,45000,45000,34,146250,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,23000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9022",0,105,0,0,0,140,-3134,245,-3029,-3029,-3029,52,27711,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-3134,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9023",8000,2400,0,0,0,2000,-19500,12400,-9100,-9100,-100,39,62184,1,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,-11500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9024",1000,32000,65000,40000,25000,10999,10999,43999,43999,68999,78499,42,33336,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,11999,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9025",0,0,30000,20000,10000,1049,-472,1049,-472,9528,9278,42,26370,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,-472,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9026",0,0,64000,64000,0,79600,69300,79600,69300,69300,70300,58,54516,4,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,69300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9027",13300,0,180000,26000,154000,33200,27960,46500,41260,195260,375260,57,79290,4,16,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.5801663,41260,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9028",4000,11880,127000,80000,47000,27400,26750,43280,42630,89630,118630,42,60696,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,30750,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9029",0,1000,0,0,0,0,0,1000,1000,1000,1000,40,14040,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9030",0,0,60000,59150,850,450,-6450,450,-6450,-5600,-5600,29,37812,4,18,1,1,1,1,1,1,0,0,0,0,0,1,4,4,0.5297047,-6450,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9031",0,0,50000,10000,40000,1200,-1800,1200,-1800,38200,40700,35,28470,6,13,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-1800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9032",0,8431,150000,117000,33000,35056,34921,43487,43352,76352,87352,49,47727,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,34921,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9033",0,0,0,0,0,2795,2195,2795,2195,2195,2195,51,23634,4,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.4366938,2195,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9034",0,0,0,0,0,3850,3850,3850,3850,3850,4350,29,17400,2,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,3850,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9035",0,30000,120000,61000,59000,10800,9800,40800,39800,98800,106800,42,57861,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,9800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9036",11000,29000,130000,78700,51300,4000,4000,44000,44000,95300,99300,43,57180,3,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,15000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9037",0,4000,300000,150000,150000,18950,16950,22950,20950,170950,170950,38,155967,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,16950,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9038",50000,400,106000,84000,22000,3550,3550,53950,53950,75950,75950,52,103563,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,53550,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9039",0,5000,0,0,0,0,-53,5000,4947,4947,4947,41,40308,5,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,-53,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9040",0,2648,0,0,0,9600,9400,12248,12048,12048,13048,48,17214,1,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,9400,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9041",0,0,180000,75000,105000,2700,-7300,2700,-7300,97700,97700,42,45273,4,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-7300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9042",0,2000,200000,85000,115000,40,-13760,2040,-11760,103240,110240,25,23481,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-13760,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9043",0,0,95000,77000,18000,1200,-733,1200,-733,17267,17267,55,17196,2,14,1,1,0,0,1,1,0,0,0,0,1,0,2,3,0.3623197,-733,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9044",0,0,20000,18000,2000,0,-2100,0,-2100,-100,1900,52,21675,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-2100,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9045",0,1000,52000,49000,3000,1200,-1800,2200,-800,2200,10161,43,29373,4,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-1800,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9046",0,0,110000,84100,25900,35000,34475,35000,34475,60375,60375,34,61350,3,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,34475,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9047",0,10500,50000,38500,11500,916,-1584,11416,8916,20416,23082,36,16233,3,10,0,0,1,0,1,1,1,0,1,0,0,0,2,1,0.143074,-1584,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9048",5645,24000,130000,116000,14000,16617,16400,46262,46045,60045,60045,36,94245,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,22045,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9049",2800,8000,90000,50000,40000,5250,5240,16050,16040,56040,63040,45,48747,5,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,8040,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9050",0,0,0,0,0,9636,4636,9636,4636,4636,12231,33,48174,1,18,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.3055234,4636,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9051",11500,80000,65000,52000,13000,249500,229500,341000,321000,334000,334000,61,103041,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,241000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9052",0,0,55000,55000,0,700,-2300,700,-2300,-2300,-2300,37,36384,3,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,-2300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9053",0,0,30000,70000,-40000,800,-6700,800,-6700,-46700,-34700,44,55401,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-6700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9054",31000,0,198000,0,198000,8799,8799,39799,39799,237799,237799,63,39039,2,11,1,1,0,1,1,1,0,1,1,0,0,0,4,1,0.5449064,39799,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9055",3200,25000,240000,150000,90000,8750,7250,36950,35450,125450,144150,28,38889,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,10450,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9056",0,0,90000,85000,5000,2999,2499,2999,2499,7499,9624,31,25311,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,2499,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9057",0,0,0,0,0,1019,619,1019,619,619,6180,34,23532,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,619,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9058",0,140,0,0,0,2067,-408,2207,-268,-268,-268,41,20028,2,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-408,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9059",0,0,55000,55000,0,25198,23998,25198,23998,23998,30998,43,46872,4,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,23998,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9060",0,260,100000,17500,82500,1250,-550,1510,-290,82210,85710,40,36195,4,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,-550,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9061",0,4300,130000,82000,48000,6936,1336,11236,5636,53636,60321,43,62778,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,1336,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9062",24000,0,129000,0,129000,36050,35940,60050,59940,188940,193265,64,15891,1,12,0,0,1,0,1,1,0,1,0,1,0,0,2,2,0.1320933,59940,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9063",0,77000,48300,48300,0,73800,73640,150800,150640,150640,150840,52,30930,5,18,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,73640,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9064",0,2500,0,0,0,9248,-25152,11748,-22652,-22652,-18652,41,50547,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-25152,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9065",2800,40,265000,102000,163000,17588,16488,20428,19328,182328,184708,30,9894,1,17,0,0,1,0,1,1,1,1,0,0,0,1,1,4,0.1431995,19288,1,1,0,0,0,0,0,0,0,1,0,0,0 +"9066",30000,18600,80000,37000,43000,100000,100000,148600,148600,191600,206300,48,54600,2,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,130000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9067",33182,15100,130000,80000,50000,8523,8523,56805,56805,106805,106805,36,68019,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,41705,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9068",0,0,0,0,0,0,0,0,0,0,500,30,19497,1,6,0,0,1,0,1,1,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9069",51400,21000,300000,150000,150000,36275,25775,108675,98175,248175,448175,57,90525,4,12,1,1,0,0,1,1,1,1,0,1,0,0,7,2,0.7316045,77175,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9070",0,0,0,0,0,20700,20700,20700,20700,20700,20700,29,54690,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,20700,0,0,0,0,0,0,1,0,1,0,0,0,0 +"9071",0,3000,0,0,0,300,300,3300,3300,3300,3800,44,20646,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,300,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9072",8167,55000,300000,100000,200000,11905,11805,75072,74972,274972,341775,41,86847,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,19972,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9073",0,9000,50000,22500,27500,200590,188590,209590,197590,225090,234090,48,17820,4,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,188590,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9074",5600,793,130000,35000,95000,30549,30549,36942,36942,131942,131942,42,69081,5,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,36149,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9075",0,594,130000,100000,30000,0,-5158,594,-4564,25436,25436,33,20196,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-5158,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9076",0,5000,45000,0,45000,7000,7000,12000,12000,57000,58000,32,28740,1,15,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.491887,7000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9077",62000,970,250000,150000,100000,77100,76590,140070,139560,239560,309560,43,135114,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,138590,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9078",1200,6000,50000,30000,20000,21000,3000,28200,10200,30200,113100,38,43260,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9079",1040,15000,65000,41000,24000,8000,6400,24040,22440,46440,65940,57,52632,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,7440,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9080",0,3000,60000,40000,20000,1000,-3000,4000,0,20000,20000,46,44922,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-3000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9081",0,65000,210000,136000,74000,29896,12396,94896,77396,151396,152396,32,98607,1,17,0,0,0,0,1,1,1,0,0,0,0,1,7,4,0.4250903,12396,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9082",600,6000,0,0,0,1800,1300,8400,7900,7900,12550,27,37218,1,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,1900,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9083",0,1200,122000,105000,17000,609,-5531,1809,-4331,12669,23570,38,27693,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-5531,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9084",0,0,110000,67900,42100,17700,12700,17700,12700,54800,64800,48,51102,4,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,12700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9085",0,0,0,0,0,549,-11,549,-11,-11,5739,42,5409,1,11,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0.3021799,-11,0,1,0,0,0,0,0,0,0,0,1,0,0 +"9086",0,6000,34000,20000,14000,11200,10050,17200,16050,30050,73050,51,42606,2,11,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,10050,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9087",0,8000,0,0,0,1000,-11240,9000,-3240,-3240,3728,36,47892,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-11240,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9088",0,2000,0,0,0,2600,2600,4600,4600,4600,5100,59,14292,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,2600,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9089",3813,40000,79000,62100,16900,5000,-2572,48813,41241,58141,58141,42,48900,3,14,1,1,0,0,1,1,1,1,0,0,1,0,5,3,0.7196674,1241,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9090",7417,0,30000,15000,15000,759,-90,8176,7327,22327,22327,44,49422,3,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,7327,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9091",37000,80000,125000,12000,113000,83000,83000,200000,200000,313000,313000,57,70845,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,120000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9092",0,22000,89000,60000,29000,14600,14540,36600,36540,65540,72040,43,59757,2,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,14540,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9093",0,0,90000,75000,15000,3050,50,3050,50,15050,21550,44,41298,4,17,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,50,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9094",0,0,0,0,0,45,45,45,45,45,45,29,14400,4,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,45,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9095",0,0,40000,28000,12000,2800,-3200,2800,-3200,8800,9000,44,35652,2,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-3200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9096",0,1000,0,0,0,10049,8249,11049,9249,9249,9849,29,39774,3,16,0,1,1,1,1,1,1,0,0,0,0,1,4,4,0.2951996,8249,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9097",0,16800,150000,60000,90000,9500,9335,26300,26135,116135,116135,32,66840,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,9335,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9098",10150,38000,87000,65000,22000,9400,2400,57550,50550,72550,102550,42,75573,3,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,12550,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9099",0,8000,65000,65000,0,8000,6500,16000,14500,14500,14500,33,79860,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,6500,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9100",0,480,102000,85000,17000,4070,-18730,39550,16750,33750,33750,36,64815,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-18730,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9101",0,0,0,0,0,450,450,450,450,450,5693,47,30000,3,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,450,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9102",9150,20000,135000,125100,9900,12555,4255,41705,33405,43305,52405,36,83472,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13405,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9103",0,30000,300000,107000,193000,0,-5600,30000,24400,217400,223825,47,44400,3,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-5600,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9104",0,0,69000,3200,65800,3485,-1465,3485,-1465,64335,79335,42,76527,4,18,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-1465,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9105",0,0,15000,0,15000,499,249,499,249,15249,20624,33,31014,1,14,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,249,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9106",7500,25500,250000,115000,135000,21500,21500,54500,54500,189500,189500,39,97935,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9107",10000,800,60000,25000,35000,8875,7375,19675,18175,53175,60575,50,51732,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17375,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9108",0,600,92000,0,92000,1300,1300,1900,1900,93900,105168,30,14928,4,10,0,1,1,1,1,1,1,0,1,0,0,0,2,1,0.1582553,1300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9109",0,2000,0,0,0,310,-9690,2310,-7690,-7690,-7390,27,14760,1,15,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9690,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9110",0,2500,50000,48100,1900,750,-25,3250,2475,4375,4675,30,13503,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-25,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9111",5600,0,85000,85000,0,250,-750,5850,4850,4850,20953,35,26241,1,12,0,0,1,0,1,1,0,1,0,1,0,0,3,2,0.2658667,4850,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9112",0,300,60000,25000,35000,5000,5000,5300,5300,40300,40300,38,38400,4,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,5000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9113",0,37000,100000,58900,41100,9719,4119,46719,41119,82219,91719,35,75372,4,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,4119,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9114",0,2500,0,0,0,910,-11190,3410,-8690,-8690,-8690,28,30897,2,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-11190,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9115",17500,0,65000,25000,40000,27099,27099,44599,44599,84599,84599,61,68889,2,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,44599,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9116",0,1000,90000,90000,0,4600,3600,5600,4600,4600,4600,29,36801,3,16,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.3719455,3600,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9117",15000,0,185000,150000,35000,5349,4949,20349,19949,54949,63274,48,26925,4,14,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,19949,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9118",0,1500,95000,89000,6000,1299,-7701,2799,-6201,-201,-201,36,58302,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-7701,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9119",18000,20000,190000,36000,154000,37000,37000,75000,75000,229000,235000,49,102108,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,55000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9120",0,5000,150000,115000,35000,84370,76270,89370,81270,116270,117270,30,53550,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,76270,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9121",0,7000,0,0,0,2000,-43000,9000,-36000,-36000,-33947,50,31260,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-43000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9122",0,4000,42000,39900,2100,2575,-3275,6575,725,2825,24825,34,53556,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-3275,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9123",0,6000,150000,0,150000,4660,-1340,10660,4660,154660,212335,54,37320,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-1340,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9124",0,3500,80000,53000,27000,12050,12050,15550,15550,42550,42550,48,42825,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,12050,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9125",19000,6800,60000,21000,39000,1000,-3200,26800,22600,61600,77600,40,68175,5,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,15800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9126",0,0,0,0,0,1560,1560,1560,1560,1560,4326,35,16395,1,15,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4215196,1560,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9127",26833,0,90000,72300,17700,371532,371408,398365,398241,415941,415941,35,153018,2,16,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.5801663,398241,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9128",0,8000,200000,88000,112000,850,850,8850,8850,120850,120850,52,30102,3,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,850,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9129",10000,0,260000,150000,110000,35000,34500,45000,44500,154500,362000,36,47556,4,14,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,44500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9130",0,16000,0,0,0,4037,-1963,20037,14037,14037,14037,36,54060,3,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.3598378,-1963,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9131",0,0,0,0,0,300,300,300,300,300,1550,38,42060,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,300,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9132",0,57396,95000,25000,70000,1425,-3575,58821,53821,123821,123821,56,69162,7,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-3575,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9133",2500,29000,150000,68000,82000,499,99,31999,31599,113599,119607,40,51030,1,15,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.7856908,2599,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9134",0,21000,76000,26000,50000,548,548,21548,21548,71548,71548,62,39342,5,8,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,548,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9135",9300,0,220000,0,220000,2100,2100,11400,11400,231400,231400,58,73830,6,15,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9136",15000,5000,100000,45000,55000,8700,8100,28700,28100,83100,83100,47,71217,2,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,23100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9137",0,0,0,0,0,1100,-1900,1100,-1900,-1900,28325,42,27231,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9138",0,60,95000,73000,22000,3908,3708,3968,3768,25768,40768,36,39066,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,3708,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9139",16000,20000,300000,150000,150000,52500,35500,88500,71500,221500,230500,54,124020,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,51500,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9140",16000,80000,155000,0,155000,9999,6799,105999,102799,257799,265799,64,103431,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,22799,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9141",0,0,0,0,0,21800,6975,21800,6975,6975,12975,28,21534,3,13,0,1,1,1,1,1,0,0,0,0,1,0,3,3,0.2092901,6975,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9142",0,1500,300000,0,300000,79400,79000,80900,80500,380500,399500,52,78480,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,79000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9143",1200,350,0,0,0,6500,3000,8050,4550,4550,4550,34,48501,4,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,4200,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9144",0,12000,66000,0,66000,63499,61499,75499,73499,139499,139683,54,31290,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,61499,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9145",0,0,0,0,0,3000,-5000,3000,-5000,-5000,-2640,40,42960,1,16,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,-5000,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9146",0,0,200000,150000,50000,6300,-4700,6300,-4700,45300,45300,55,87663,4,14,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,-4700,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9147",6000,22000,200000,121500,78500,12000,10000,40000,38000,116500,116500,40,68271,4,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,16000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9148",50000,73000,225000,140000,85000,270000,265000,393000,388000,473000,829000,49,152490,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,315000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9149",6000,0,0,0,0,99,99,6099,6099,6099,7406,40,23619,2,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.5117899,6099,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9150",0,80,0,0,0,100,-21100,180,-21020,-21020,-15852,25,21456,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-21100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9151",0,0,0,0,0,470,-30,470,-30,-30,4320,36,34329,1,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-30,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9152",0,3500,147500,125000,22500,6000,1000,9500,4500,27000,27000,34,67800,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,1000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9153",13000,13000,5000,5000,0,300,-5700,26300,20300,20300,22300,44,48120,4,15,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,7300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9154",200,13300,60000,58000,2000,3150,2750,16650,16250,18250,28250,25,35505,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,2950,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9155",0,0,250000,42000,208000,12400,12000,12400,12000,220000,220000,59,47700,6,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,12000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9156",0,2000,60000,11000,49000,0,-5000,2000,-3000,46000,46500,48,13845,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9157",5500,0,70000,25000,45000,51198,51198,56698,56698,101698,104198,42,44133,4,18,1,1,0,1,1,1,0,1,0,0,0,1,5,4,0.7196674,56698,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9158",0,1300,270000,50000,220000,17000,13300,18300,14600,234600,235600,51,21750,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,13300,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9159",9400,10700,70000,34500,35500,4117,4117,24217,24217,59717,59717,50,54540,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13517,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9160",0,8000,65000,29900,35100,969,-6066,8969,1934,37034,39409,34,30543,3,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-6066,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9161",10000,0,0,0,0,32050,32050,42050,42050,42050,122050,38,76941,4,15,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.4696543,42050,0,0,0,0,0,0,0,1,0,0,1,0,0 +"9162",0,700,88000,84440,3560,3748,2098,4448,2798,6358,15158,30,54906,5,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2098,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9163",0,0,22000,3202,18798,5,-2039,5,-2039,16759,16759,30,17901,4,11,0,1,1,1,1,1,0,0,1,0,0,0,2,1,0.1582553,-2039,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9164",10000,56000,160000,47000,113000,12100,9200,78100,75200,188200,313200,42,79134,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,19200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9165",10000,44000,50000,0,50000,31124,3184,85124,57184,107184,109184,62,24966,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,13184,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9166",0,0,160000,0,160000,0,0,0,0,160000,163450,62,44361,1,12,1,0,0,0,1,1,0,0,0,1,0,0,5,2,0.5315816,0,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9167",0,500,0,0,0,9000,5430,9500,5930,5930,7430,44,43914,2,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5231876,5430,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9168",0,80000,245000,150000,95000,1249,-11551,81249,68449,163449,174124,41,54075,1,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-11551,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9169",0,0,0,0,0,0,0,0,0,0,0,55,29250,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 +"9170",0,5000,0,0,0,0,0,5000,5000,5000,5000,59,16320,5,9,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9171",0,2100,0,0,0,1125,1125,3225,3225,3225,3425,46,40362,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,1125,0,0,0,0,0,1,0,0,0,0,0,1,0 +"9172",0,0,75000,40600,34400,300,-7200,300,-7200,27200,37400,44,26232,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-7200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9173",10000,4500,0,0,0,2797,2647,17297,17147,17147,19197,46,41580,2,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,12647,0,0,0,0,0,1,0,0,0,0,0,1,0 +"9174",0,1000,17000,17000,0,300,300,1300,1300,1300,1300,37,6168,5,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.036628,300,1,1,0,0,0,0,0,0,0,0,1,0,0 +"9175",40000,2500,100000,50000,50000,6158,5458,48658,47958,97958,97958,55,108420,3,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,45458,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9176",0,6000,62000,24900,37100,0,-400,6000,5600,42700,42700,52,12954,5,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-400,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9177",0,0,0,0,0,275,275,275,275,275,1775,32,15705,3,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,275,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9178",0,0,60000,0,60000,200,200,200,200,60200,60200,55,25638,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9179",0,0,70000,24000,46000,700,700,700,700,46700,61700,40,62136,5,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9180",0,7000,169000,101000,68000,16402,12102,23402,19102,87102,90802,51,74613,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,12102,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9181",0,28160,200000,150000,50000,2800,2800,30960,30960,80960,86202,35,30090,3,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,2800,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9182",0,8400,85000,55000,30000,7350,6850,15750,15250,45250,80250,35,31050,3,15,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,6850,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9183",0,0,0,0,0,5,5,5,5,5,2281,34,17550,1,16,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4215196,5,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9184",0,0,0,0,0,400,400,400,400,400,400,43,22242,2,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,400,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9185",52000,55000,72000,68000,4000,93250,89250,200250,196250,200250,200250,37,95175,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,141250,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9186",0,9000,0,0,0,1999,-2001,10999,6999,6999,6999,37,43050,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-2001,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9187",0,5800,0,0,0,149,-91,5949,5709,5709,5709,35,28407,4,11,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-91,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9188",2500,20000,86400,86400,0,8000,4000,30500,26500,26500,35950,34,55782,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,6500,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9189",0,1200,5000,0,5000,750,-850,1950,350,5350,7850,47,17562,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-850,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9190",6000,4500,85000,80000,5000,71000,70000,81500,80500,85500,113500,59,78972,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,76000,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9191",6050,0,150000,50000,100000,25899,24899,31949,30949,130949,138420,31,53100,1,12,1,0,1,0,1,1,0,1,0,1,0,0,6,2,0.7856908,30949,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9192",25900,4500,170000,88000,82000,55900,55900,86300,86300,168300,184050,41,59580,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,81800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9193",6033,42000,300000,135000,165000,13997,13997,62030,62030,227030,228530,41,57642,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,20030,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9194",0,13000,25000,15000,10000,0,0,13000,13000,23000,23000,42,35100,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9195",17800,28347,75000,0,75000,15500,-2700,61647,43447,118447,122947,58,66504,2,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,15100,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9196",0,10000,37000,33000,4000,0,-1800,10000,8200,12200,12200,38,50574,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9197",0,3400,12000,10000,2000,4800,4800,8200,8200,10200,17679,32,20640,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.491887,4800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9198",0,14000,80000,52000,28000,2500,1000,16500,15000,43000,43000,29,33375,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9199",0,0,0,0,0,3500,2300,3500,2300,2300,5650,30,29958,1,16,0,0,1,0,1,1,0,0,0,0,0,1,3,4,0.2060434,2300,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9200",0,5000,115000,26000,89000,1420,1420,6420,6420,95420,103420,58,13275,2,12,1,1,0,0,1,1,1,0,0,1,0,0,2,2,0.3623197,1420,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9201",0,6000,85000,41000,44000,3100,-1100,9100,4900,48900,53400,52,45090,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-1100,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9202",0,0,0,0,0,52,-8948,52,-8948,-8948,8052,54,52521,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,-8948,0,0,0,0,0,0,1,0,0,0,0,1,0 +"9203",0,4000,175000,55000,120000,24100,24100,28100,28100,148100,148100,44,65976,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,24100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9204",0,1000,175000,150000,25000,5600,5100,6600,6100,31100,35775,31,43026,3,15,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,5100,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9205",17000,0,75000,0,75000,82000,82000,99000,99000,174000,179275,44,64200,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,99000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9206",0,0,0,0,0,0,0,0,0,0,3350,53,10761,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9207",0,70000,110000,70000,40000,3800,3800,73800,73800,113800,113800,53,100008,2,1,0,1,0,0,1,1,1,0,1,0,0,0,7,1,0.5679367,3800,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9208",21500,9000,175000,140000,35000,5800,5600,36300,36100,71100,83100,29,94125,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,27100,1,0,0,0,0,0,0,1,1,0,0,0,0 +"9209",8000,14000,120000,110000,10000,82500,80800,104500,102800,112800,122100,40,88698,5,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,88800,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9210",0,6000,0,0,0,695,-5580,6695,420,420,2920,32,28374,2,16,1,1,0,0,1,1,1,0,0,0,0,1,3,4,0.4366938,-5580,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9211",0,5500,0,0,0,0,0,5500,5500,5500,6000,60,9900,1,9,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 +"9212",0,40000,300000,150000,150000,20000,16600,60000,56600,206600,206600,35,102705,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,16600,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9213",4000,0,85000,70000,15000,76800,74700,80800,78700,93700,100342,47,42639,2,18,1,0,1,0,1,1,0,1,0,0,0,1,5,4,0.650903,78700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9214",0,1711,0,0,0,550,-12270,2261,-10559,-10559,-6859,32,53364,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,-12270,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9215",32006,40454,225000,150000,75000,89783,89383,162243,161843,236843,416843,48,132009,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,121389,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9216",18325,18000,80000,33000,47000,3000,400,39325,36725,83725,100925,40,54816,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,18725,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9217",0,8000,190000,85000,105000,83149,82149,91149,90149,195149,211149,36,69636,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,82149,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9218",3500,36000,75000,67000,8000,10000,7500,49500,47000,55000,276000,44,156600,3,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,11000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9219",43230,66239,300000,150000,150000,669159,669159,778628,778628,928628,939628,43,146577,5,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,712389,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9220",0,2500,30000,0,30000,434,-966,2934,1534,31534,31534,51,40683,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-966,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9221",0,0,93000,86000,7000,1700,-4384,1700,-4384,2616,11891,43,34752,1,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-4384,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9222",3580,0,200000,28000,172000,53000,51800,56580,55380,227380,227380,43,68808,4,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,55380,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9223",0,3400,70000,48000,22000,15399,15399,18799,18799,40799,40799,28,28215,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,15399,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9224",0,4000,92000,69000,23000,5150,2950,9150,6950,29950,30950,54,66945,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2950,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9225",10000,36000,120000,75000,45000,90000,90000,136000,136000,181000,181000,44,67800,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,100000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9226",0,1800,30000,0,30000,999,999,2799,2799,32799,39324,60,14850,1,8,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4041266,999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9227",10000,80000,210000,125000,85000,0,-1000,90000,89000,174000,278000,49,96000,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,9000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9228",0,1500,87000,87000,0,1000,-2000,2500,-500,-500,4000,36,40212,4,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9229",0,15000,124000,124000,0,2050,-4200,17050,10800,10800,10911,36,110985,4,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-4200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9230",0,0,157000,110000,47000,21000,21000,21000,21000,68000,89000,41,66588,2,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,21000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9231",0,25000,85000,44000,41000,8000,8000,33000,33000,74000,77375,34,33258,1,15,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,8000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9232",0,3500,0,0,0,7900,5900,11400,9400,9400,15066,30,59748,1,16,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.5906146,5900,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9233",0,0,72500,71000,1500,300,-2900,300,-2900,-1400,11600,38,59469,3,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-2900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9234",0,5000,61000,61000,0,15749,-201,20749,4799,4799,13799,49,76896,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-201,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9235",0,19300,84000,56000,28000,900,550,20200,19850,47850,78850,25,37953,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,550,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9236",0,4000,65000,0,65000,199,-1201,4199,2799,67799,67799,53,43887,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1201,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9237",14000,8000,300000,25000,275000,8200,5500,30200,27500,302500,308500,59,68790,5,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9238",0,600,300000,150000,150000,449,-51,1049,549,150549,150549,34,68817,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-51,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9239",0,0,35000,22500,12500,999,-1801,999,-1801,10699,13699,31,31971,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1801,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9240",54500,69000,200000,110000,90000,22400,15900,145900,139400,229400,297400,40,100455,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,70400,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9241",0,3500,7000,0,7000,6220,-4755,9720,-1255,5745,5745,30,25758,2,17,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-4755,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9242",0,0,70000,33000,37000,5960,5260,5960,5260,42260,58260,50,20484,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,5260,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9243",0,7273,34000,30000,4000,400,-3600,7673,3673,7673,14134,29,28122,2,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-3600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9244",0,0,0,0,0,5999,-5501,5999,-5501,-5501,-4781,33,63660,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,-5501,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9245",11000,65311,125000,93000,32000,3824,3749,80135,80060,112060,133935,42,71478,1,16,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,14749,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9246",0,300,42000,20000,22000,700,100,1000,400,22400,22400,47,15000,6,10,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,100,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9247",0,20000,63000,0,63000,7999,7999,27999,27999,90999,94349,57,17484,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,7999,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9248",5000,5000,300000,150000,150000,70000,69500,80000,79500,229500,229500,41,89952,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,74500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9249",0,0,110000,0,110000,2200,2200,2200,2200,112200,114200,50,40905,2,12,1,0,1,0,1,1,0,0,0,1,0,0,5,2,0.5315816,2200,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9250",5500,0,150000,90000,60000,57999,57999,63499,63499,123499,228499,46,78654,4,16,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,63499,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9251",20000,0,70000,21000,49000,6000,-2400,26000,17600,66600,73400,44,78762,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,17600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9252",0,11000,0,0,0,2400,2400,13400,13400,13400,19700,45,32973,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,2400,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9253",0,500,90000,65000,25000,2449,-1251,2949,-751,24249,24249,43,32046,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1251,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9254",0,12000,150000,50000,100000,7800,7800,19800,19800,119800,119800,44,42840,6,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,7800,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9255",0,13000,175000,0,175000,5250,5250,18250,18250,193250,212650,64,36036,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,5250,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9256",0,0,38000,23000,15000,6999,4499,6999,4499,19499,19499,34,34557,2,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,4499,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9257",11000,18000,175000,25000,150000,2600,-15400,31600,13600,163600,225600,62,90726,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,-4400,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9258",0,0,160000,35000,125000,5100,5100,5100,5100,130100,130100,35,34080,6,8,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,5100,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9259",18000,6000,50000,0,50000,5049,-1951,29049,22049,72049,76049,47,25383,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,16049,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9260",0,4250,0,0,0,4399,2899,8649,7149,7149,76669,33,38880,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,2899,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9261",0,400,55000,55000,0,2000,-2000,2400,-1600,-1600,-1600,48,55743,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9262",0,9000,94000,94000,0,1800,-3685,10800,5315,5315,16315,40,75402,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-3685,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9263",0,0,300000,129000,171000,4999,-1801,4999,-1801,169199,169199,35,72420,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-1801,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9264",0,80,90000,0,90000,2350,1950,2430,2030,92030,92780,47,26103,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,1950,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9265",0,1000,54800,45000,9800,2200,-17000,3200,-16000,-6200,-2200,40,42048,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-17000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9266",0,1500,0,0,0,2500,-100,4000,1400,1400,6200,28,30381,3,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5896286,-100,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9267",0,5000,170000,64000,106000,8900,5900,13900,10900,116900,119900,42,24780,3,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,5900,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9268",0,0,0,0,0,0,0,0,0,0,0,51,16320,10,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9269",0,6000,0,0,0,49999,49999,55999,55999,55999,62349,39,32253,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,49999,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9270",24000,52000,120000,35000,85000,43000,42880,127300,127180,212180,212180,53,63000,4,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,66880,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9271",0,13300,79000,79000,0,146900,146900,160200,160200,160200,260200,32,53946,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,146900,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9272",0,9000,115000,81000,34000,2000,-650,11000,8350,42350,50350,39,67488,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9273",0,0,300000,150000,150000,37868,36068,37868,36068,186068,186068,46,62691,4,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,36068,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9274",400,15000,225000,140000,85000,23500,23500,38900,38900,123900,123900,38,146100,4,16,1,1,0,0,1,1,1,1,0,0,0,1,7,4,0.7316045,23900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9275",20000,80000,90000,0,90000,50000,50000,150000,150000,240000,240000,49,96153,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,70000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9276",0,3000,67900,66000,1900,27500,27350,30500,30350,32250,36475,40,41196,2,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,27350,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9277",7800,2000,230000,100000,130000,28460,27492,38260,37292,167292,171292,53,80676,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,35292,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9278",0,500,0,0,0,100,-300,600,200,200,2866,56,18588,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9279",0,1000,60000,56000,4000,1809,9,2809,1009,5009,13009,30,51711,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,9,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9280",7114,0,160000,0,160000,30809,30809,37923,37923,197923,205923,63,40203,4,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,37923,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9281",0,12000,85000,0,85000,3749,1849,15749,13849,98849,98849,44,52476,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1849,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9282",54000,25000,165000,100000,65000,140500,129500,219500,208500,273500,273500,50,69150,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,183500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9283",0,0,40000,18000,22000,88,-2586,88,-2586,19414,28414,38,33606,7,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-2586,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9284",0,382,0,0,0,6249,-451,6631,-69,-69,4731,28,53598,2,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-451,0,0,0,0,0,0,1,0,1,0,0,0,0 +"9285",0,0,150000,119000,31000,42000,38000,42000,38000,69000,70750,48,30804,2,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,38000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9286",13250,0,200000,0,200000,1400,-600,14650,12650,212650,212650,41,64245,4,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,12650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9287",0,3900,53500,29000,24500,963,863,4863,4763,29263,34263,27,24693,3,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,863,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9288",15000,21000,0,0,0,14536,7036,50536,43036,43036,63986,38,41334,1,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,22036,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9289",0,0,58000,24000,34000,325,-1175,325,-1175,32825,40425,30,16596,7,12,0,1,0,1,1,1,0,0,0,1,0,0,2,2,0.1582553,-1175,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9290",0,0,0,0,0,20,-30480,20,-30480,-30480,-30480,51,9435,3,16,1,0,0,0,1,1,0,0,0,0,0,1,1,4,0.3021799,-30480,0,1,0,0,0,0,0,0,0,0,0,1,0 +"9291",0,835,0,0,0,0,0,835,835,835,10835,47,41361,2,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,1,0 +"9292",0,10700,41900,41900,0,99,99,10799,10799,10799,14499,50,100002,1,12,1,0,1,0,1,1,1,0,0,1,0,0,7,2,0.6891237,99,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9293",0,36448,57000,29400,27600,12048,11998,48496,48446,76046,91046,44,78783,4,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,11998,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9294",20500,7000,140000,75000,65000,52700,52400,80200,79900,144900,156400,47,102630,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,72900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9295",0,2000,29000,18000,11000,8000,3000,10000,5000,16000,34000,42,57300,5,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9296",0,2000,90000,0,90000,14998,14998,16998,16998,106998,136998,56,33414,3,11,1,1,0,1,1,1,1,0,1,0,0,0,4,1,0.5297047,14998,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9297",0,1000,125000,113200,11800,5302,5302,6302,6302,18102,31327,26,37641,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,5302,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9298",0,300,125000,0,125000,81200,70400,81500,70700,195700,202575,33,30762,2,13,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,70400,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9299",0,0,0,0,0,100,-10100,100,-10100,-10100,-10100,35,31242,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-10100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9300",0,2900,70000,56000,14000,24099,19735,26999,22635,36635,36635,41,56220,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,19735,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9301",1000,0,0,0,0,250,-5750,1250,-4750,-4750,2250,52,45246,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.3442089,-4750,0,0,0,0,0,1,0,0,0,0,0,1,0 +"9302",0,0,63000,57000,6000,6800,-9800,6800,-9800,-3800,9200,33,52962,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-9800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9303",0,4000,85000,41400,43600,3900,2600,7900,6600,50200,50200,42,70635,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9304",0,0,190000,80000,110000,8440,440,8440,440,110440,110440,49,61866,5,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,440,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9305",3500,700,135000,80000,55000,1710,310,5910,4510,59510,75010,39,38208,7,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,3810,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9306",0,67,0,0,0,8800,8070,8867,8137,8137,8137,44,20325,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,8070,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9307",0,12000,0,0,0,5500,4700,17500,16700,16700,19750,31,29562,1,17,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,4700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9308",0,4400,60000,48000,12000,300,-700,4700,3700,15700,27800,44,52503,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9309",0,13000,0,0,0,4420,4420,17420,17420,17420,63420,30,36750,1,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,4420,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9310",0,10000,130000,112000,18000,5000,1100,15000,11100,29100,29100,32,49920,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1100,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9311",0,11000,0,0,0,2209,9,13209,11009,11009,14359,45,20943,2,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,9,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9312",4800,0,75000,34800,40200,330,-70,5130,4730,44930,49130,44,53844,4,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,4730,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9313",0,575,34500,34500,0,125,-8875,700,-8300,-8300,-4050,38,29046,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-8875,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9314",0,3600,0,0,0,350,-2100,3950,1500,1500,1500,51,19866,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2100,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9315",3700,21000,185000,149000,36000,16496,14596,41196,39296,75296,140296,30,70962,3,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,18296,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9316",0,0,35000,0,35000,45500,43500,45500,43500,78500,83825,51,57783,2,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,43500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9317",0,0,0,0,0,3822,2757,3822,2757,2757,5257,35,40719,3,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.3243191,2757,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9318",4066,600,40000,20000,20000,15050,13300,19716,17966,37966,44966,44,37620,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,17366,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9319",0,2200,45000,39600,5400,11000,10500,13200,12700,18100,18100,31,31494,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,10500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9320",0,500,0,0,0,200,-14800,700,-14300,-14300,-10100,36,46533,6,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-14800,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9321",0,0,190000,90000,100000,249,-3751,249,-3751,96249,104249,38,45027,5,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-3751,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9322",0,6000,70000,61000,9000,0,0,6000,6000,15000,15000,30,36720,3,8,1,1,1,1,1,1,1,0,1,0,0,0,4,1,0.5297047,0,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9323",4700,15000,65000,0,65000,24000,23600,43700,43300,108300,122200,53,60282,3,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,28300,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9324",0,1000,76000,28000,48000,288,-1567,1288,-567,47433,54233,26,22914,4,1,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-1567,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9325",0,33000,45000,18500,26500,25175,24775,58175,57775,84275,99594,36,69003,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,24775,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9326",0,0,60000,52000,8000,100,-5900,100,-5900,2100,3037,36,77469,2,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,-5900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9327",0,40000,60000,38500,21500,6250,5650,46250,45650,67150,94150,42,52758,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,5650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9328",0,250,100000,69000,31000,0,0,250,250,31250,40750,42,24132,6,11,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9329",24164,5200,150000,35000,115000,99847,99647,129211,129011,244011,387011,44,56802,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,123811,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9330",0,6000,0,0,0,1500,1000,7500,7000,7000,14400,25,33630,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,1000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9331",0,42000,0,0,0,700,-2020,42700,39980,39980,42480,36,19296,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2020,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9332",0,12000,58000,38500,19500,2203,203,14203,12203,31703,32103,35,39876,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,203,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9333",0,0,0,0,0,1225,-6545,1225,-6545,-6545,-6545,26,45651,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-6545,0,0,0,0,0,1,0,0,1,0,0,0,0 +"9334",0,4000,100000,34000,66000,31210,9704,35210,13704,79704,93704,37,81432,4,14,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,9704,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9335",0,25000,120000,83000,37000,12600,12600,37600,37600,74600,81843,27,44160,1,16,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,12600,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9336",0,4000,0,0,0,38000,33000,42000,37000,37000,37050,30,80250,1,14,1,0,1,0,1,1,1,0,0,0,1,0,7,3,0.4394569,33000,0,0,0,0,0,0,0,1,0,1,0,0,0 +"9337",0,3200,300000,26000,274000,919,-1081,4119,2119,276119,276119,42,31596,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1081,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9338",0,240,0,0,0,0,-900,240,-660,-660,-660,46,20406,5,12,0,1,1,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-900,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9339",0,0,26500,26500,0,3700,2700,3700,2700,2700,2700,39,45564,4,11,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9340",0,8000,65000,39000,26000,6806,6006,14806,14006,40006,45006,37,33174,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,6006,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9341",29000,75000,275000,95000,180000,192136,191136,296136,295136,475136,904136,50,61158,2,14,1,1,0,0,1,1,1,1,0,0,1,0,6,3,0.7130944,220136,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9342",0,0,150000,136000,14000,1200,-10800,1200,-10800,3200,6550,42,38316,3,15,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6028074,-10800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9343",7600,4000,50000,20000,30000,1300,-3275,12900,8325,38325,95836,57,84927,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,4325,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9344",0,11550,160000,99000,61000,11494,10294,23044,21844,82844,82844,36,50025,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,10294,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9345",0,0,18000,0,18000,1050,1050,1050,1050,19050,19050,45,24018,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,1050,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9346",50000,9000,300000,60000,240000,0,-2200,59000,56800,296800,297700,44,28125,4,11,0,1,0,0,1,1,1,1,1,0,0,0,3,1,0.2696004,47800,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9347",0,70000,200000,10700,189300,69400,67400,139400,137400,326700,326700,50,75120,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,67400,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9348",24189,0,90000,0,90000,18800,17925,42989,42114,132114,132114,41,58368,5,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,42114,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9349",10750,17500,165000,130000,35000,26800,26800,55050,55050,90050,195050,33,95472,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37550,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9350",0,530,26000,26000,0,250,-1918,780,-1388,-1388,612,34,17955,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1918,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9351",0,0,80000,72536,7464,1101,-7119,1101,-7119,345,35345,42,40557,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-7119,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9352",0,3000,200000,15900,184100,1200,1200,4200,4200,188300,188800,36,20160,5,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.491887,1200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9353",0,3000,90000,0,90000,2100,-19900,5100,-16900,73100,87100,40,86868,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-19900,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9354",30000,0,300000,0,300000,80000,80000,110000,110000,410000,459575,56,27945,2,12,1,0,0,0,1,1,0,1,0,1,0,0,3,2,0.4720998,110000,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9355",0,0,140000,73000,67000,48531,46931,48531,46931,113931,113931,44,69156,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,46931,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9356",0,2000,0,0,0,1200,-6400,3200,-4400,-4400,-525,25,27615,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-6400,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9357",2800,2000,33000,15000,18000,9900,4700,14700,9500,27500,33350,36,20562,1,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2658667,7500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9358",0,4304,150000,68000,82000,10599,10599,14903,14903,96903,102903,49,38511,2,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,10599,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9359",38000,0,85000,70000,15000,11099,11099,49099,49099,64099,98865,48,10149,1,12,1,0,1,0,1,1,0,1,0,1,0,0,2,2,0.3108636,49099,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9360",0,2800,140000,89000,51000,1671,-5829,4471,-3029,47971,47971,46,44949,4,17,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,-5829,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9361",57000,0,300000,25000,275000,11200,-700,68200,56300,331300,331300,57,43398,2,16,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,56300,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9362",0,0,0,0,0,5150,4550,5150,4550,4550,4550,26,20460,1,15,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,4550,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9363",10000,20000,100000,15000,85000,345,-5255,30345,24745,109745,109745,52,28233,3,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,4745,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9364",0,2200,0,0,0,0,0,2200,2200,2200,4000,26,18198,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9365",24000,7800,125000,32000,93000,500,-2500,32300,29300,122300,125800,52,37887,2,10,1,1,0,1,1,1,1,1,1,0,0,0,4,1,0.5449064,21500,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9366",0,2300,60000,50000,10000,1900,-4100,4200,-1800,8200,12900,43,27354,3,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-4100,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9367",0,56000,109000,109000,0,1725,-14275,57725,41725,41725,42645,37,83868,3,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-14275,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9368",0,1000,75000,23000,52000,111468,110768,112468,111768,163768,181768,48,84000,2,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,110768,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9369",0,72000,160000,60000,100000,11000,9550,83000,81550,181550,181550,38,89388,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,9550,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9370",3500,150,0,0,0,16949,13449,20599,17099,17099,17224,39,59616,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.3107966,16949,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9371",0,62000,65000,13000,52000,75,-525,62075,61475,113475,125528,47,17280,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-525,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9372",7500,1000,260000,150000,110000,14500,10500,23000,19000,129000,138000,38,99030,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,18000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9373",0,0,30000,0,30000,0,0,0,0,30000,30000,58,9744,3,4,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0.375,0,1,1,0,0,0,0,0,0,0,0,0,0,1 +"9374",0,0,0,0,0,0,-8000,0,-8000,-8000,-8000,40,33714,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-8000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9375",10800,5000,85000,15000,70000,55815,55515,82315,82015,152015,164015,51,66477,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,66315,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9376",0,0,170000,36000,134000,1500,-3600,1500,-3600,130400,130400,54,29370,4,8,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-3600,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9377",0,6075,0,0,0,1799,-7201,7874,-1126,-1126,-1126,36,39366,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-7201,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9378",0,0,160000,60000,100000,22000,15000,57000,50000,150000,160000,59,49245,4,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,15000,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9379",0,0,0,0,0,251,-38523,251,-38523,-38523,-35023,40,44493,3,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.5995759,-38523,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9380",6000,0,41000,41000,0,10000,8200,16000,14200,14200,44200,56,73305,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,14200,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9381",200,1500,18000,18000,0,1500,0,3200,1700,1700,9942,25,25380,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9382",6000,0,130000,38600,91400,10500,8970,16500,14970,106370,108245,59,67104,4,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,14970,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9383",26000,0,45000,0,45000,40500,39750,66500,65750,110750,118231,57,55635,2,14,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,65750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9384",51550,13000,110000,73000,37000,6647,6647,71197,71197,108197,228197,60,55545,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,58197,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9385",0,0,85000,84000,1000,1250,250,1250,250,1250,32250,32,35607,6,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,250,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9386",5000,500,80000,42000,38000,14499,13799,19999,19299,57299,61799,61,86442,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,18799,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9387",0,0,70000,58500,11500,1100,-4875,1100,-4875,6625,6625,31,27120,2,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-4875,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9388",0,1600,0,0,0,799,-14801,2399,-13201,-13201,-9201,27,54708,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-14801,0,0,0,0,0,0,1,0,1,0,0,0,0 +"9389",0,950,41000,40000,1000,15000,14700,15950,15650,16650,21050,58,16200,2,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,14700,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9390",0,640,74000,56900,17100,1935,-10565,2575,-9925,7175,11175,28,54846,3,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-10565,1,0,0,0,0,0,1,0,1,0,0,0,0 +"9391",0,0,40000,22000,18000,0,0,0,0,18000,18000,51,22500,1,9,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9392",52000,0,80000,72000,8000,44680,41280,96680,93280,101280,149280,54,61194,4,13,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,93280,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9393",10000,0,100000,0,100000,749,-751,10749,9249,109249,109249,62,31059,2,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,9249,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9394",0,0,13000,0,13000,3100,1100,3100,1100,14100,14100,58,10863,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,1100,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9395",2000,2000,0,0,0,0,-50,4000,3950,3950,3950,53,25257,6,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2029813,1950,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9396",0,3500,50000,17500,32500,1305,-95,4805,3405,35905,35905,56,24243,3,13,1,1,0,0,1,1,1,0,0,0,1,0,3,3,0.3978536,-95,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9397",14500,0,83000,83000,0,35699,31663,75605,71569,71569,74569,39,39705,4,13,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,46163,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9398",0,30000,27000,27000,0,2700,-2000,32700,28000,28000,36000,55,37377,3,8,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,-2000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9399",54353,10914,65000,0,65000,124,124,65391,65391,130391,155691,50,65565,4,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,54477,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9400",0,4700,169000,134000,35000,13050,3550,17750,8250,43250,43250,29,143781,3,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,3550,1,0,0,0,0,0,0,1,1,0,0,0,0 +"9401",2600,500,40000,0,40000,47000,47000,50100,50100,90100,114100,42,52416,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,49600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9402",0,0,0,0,0,15300,-12800,15300,-12800,-12800,-10050,28,57900,1,18,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-12800,0,0,0,0,0,0,1,0,1,0,0,0,0 +"9403",0,1500,45000,28000,17000,1500,1000,3000,2500,19500,22275,51,30144,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,1000,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9404",809,7000,50000,6500,43500,200,200,8009,8009,51509,51509,62,21924,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,1009,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9405",0,0,120000,0,120000,89509,89509,89509,89509,209509,309509,57,28113,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,89509,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9406",0,35000,115000,76000,39000,8000,7800,43000,42800,81800,181800,45,68610,4,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7800,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9407",0,2500,0,0,0,300,-3200,2800,-700,-700,15300,41,43470,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-3200,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9408",0,18000,0,0,0,1000,700,19000,18700,18700,24700,41,75321,1,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4394569,700,0,0,0,0,0,0,0,1,0,0,1,0,0 +"9409",34990,13125,0,0,0,3944,-2056,52059,46059,46059,52484,37,57768,1,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.6386597,32934,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9410",22701,22701,185000,65000,120000,4100,1220,49502,46622,166622,176572,44,57828,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23921,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9411",14101,33000,70000,32000,38000,25254,20014,72355,67115,105115,106975,44,55833,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,34115,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9412",0,1000,0,0,0,2200,-800,3200,200,200,1200,36,24009,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9413",0,0,0,0,0,12600,5400,12600,5400,5400,10400,32,34215,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.2951996,5400,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9414",0,1426,240000,100000,140000,3400,2700,4826,4126,144126,144126,37,60927,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,2700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9415",0,390,0,0,0,9000,7800,9390,8190,8190,12190,27,38640,2,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5896286,7800,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9416",0,0,0,0,0,42499,38799,47499,43799,43799,43799,46,30933,1,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3086649,38799,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9417",35000,25000,0,0,0,1899,1899,61899,61899,61899,271952,58,32118,1,12,0,1,1,0,1,1,1,1,0,1,0,0,4,2,0.277538,36899,0,0,0,0,1,0,0,0,0,0,0,0,1 +"9418",0,10605,0,0,0,650,650,11255,11255,11255,14675,38,37800,4,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,650,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9419",500,0,200000,107000,93000,800,-700,1300,-200,92800,127800,34,47547,4,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,-200,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9420",50100,0,90000,57500,32500,15500,12500,65600,62600,95100,102100,39,50979,4,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,62600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9421",0,1200,120000,105000,15000,3500,3500,4700,4700,19700,23475,32,36300,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,3500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9422",0,2300,50000,32000,18000,0,-14000,2300,-11700,6300,18300,34,63606,2,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-14000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9423",1200,80000,250000,130000,120000,122000,122000,203200,203200,323200,325700,39,97845,2,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.7316045,123200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9424",0,15000,160000,97500,62500,4440,1376,19440,16376,78876,81126,31,44871,1,16,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,1376,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9425",0,10000,60000,42000,18000,8510,8310,18510,18310,36310,40210,34,15756,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,8310,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9426",0,0,0,0,0,0,-4100,0,-4100,-4100,-4100,36,30972,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-4100,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9427",0,0,118000,79000,39000,8500,4500,8500,4500,43500,50243,43,21960,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,4500,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9428",0,75000,170000,100000,70000,6100,4700,81100,79700,149700,173700,43,69000,2,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,4700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9429",0,0,180000,12000,168000,779,779,779,779,168779,168779,62,29784,5,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,779,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9430",30000,0,38000,28000,10000,200,-9110,30200,20890,30890,36833,46,43452,5,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,20890,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9431",0,0,80000,0,80000,720,-3380,720,-3380,76620,76620,28,25245,2,14,1,1,0,1,1,1,0,0,0,0,1,0,3,3,0.3978536,-3380,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9432",0,3000,90000,23000,67000,500,-1600,3500,1400,68400,68400,41,29121,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-1600,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9433",0,0,65000,15000,50000,1100,-900,1100,-900,49100,51100,43,36612,2,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-900,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9434",0,4000,48000,28000,20000,1000,-2000,5000,2000,22000,29000,50,29784,4,7,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-2000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9435",0,323,60000,35000,25000,275,-7725,598,-7402,17598,20623,33,19650,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-7725,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9436",2000,15000,150000,18000,132000,18200,18200,65200,65200,197200,214950,59,32196,2,13,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,20200,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9437",27000,38000,100000,36000,64000,13200,12900,78200,77900,141900,144900,62,48138,3,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,39900,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9438",0,0,40000,40000,0,26000,20000,26000,20000,20000,20000,39,59700,3,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,20000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9439",1500,14000,150000,92000,58000,14800,13100,30300,28600,86600,102600,43,73641,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,14600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9440",0,18600,90000,25000,65000,39419,39419,58019,58019,123019,124394,47,43854,2,18,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,39419,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9441",0,0,35000,0,35000,3099,-6201,3099,-6201,28799,28799,46,31116,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-6201,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9442",0,7000,85000,40000,45000,1000,-4000,8000,3000,48000,50300,42,62112,7,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9443",17000,38000,90000,50000,40000,3298,-7402,58298,47598,87598,88778,46,69780,5,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,9598,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9444",0,0,500,0,500,0,0,0,0,500,3800,42,29070,2,1,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9445",0,0,74000,68000,6000,3487,3487,3487,3487,9487,16487,26,44394,2,14,0,1,1,1,1,1,0,0,0,0,1,0,5,3,0.4407951,3487,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9446",35262,0,30000,0,30000,9500,9500,44762,44762,74762,77762,47,38256,2,16,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,44762,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9447",0,2700,75000,40000,35000,6062,2462,8762,5162,40162,54787,36,36354,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,2462,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9448",0,2000,0,0,0,2650,2150,4650,4150,4150,33150,47,38772,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,2150,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9449",20000,80000,75000,22000,53000,66498,44498,166498,144498,197498,277498,62,50373,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,64498,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9450",42000,3900,120000,35000,85000,62000,54000,107900,99900,184900,184900,50,84069,4,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,96000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9451",19000,25000,300000,150000,150000,99600,98100,143600,142100,292100,292100,37,191715,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,117100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9452",0,0,220000,150000,70000,1675,-13325,1675,-13325,56675,58175,34,33669,3,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-13325,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9453",7000,22000,80000,29000,51000,97100,96179,126100,125179,176179,197429,45,22953,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,103179,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9454",0,3706,175000,112000,63000,6000,4500,9706,8206,71206,71206,37,59028,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9455",0,0,200000,92000,108000,835,-1665,835,-1665,106335,106335,44,57396,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-1665,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9456",0,2500,120000,85500,34500,3400,-7000,5900,-4500,30000,30000,32,53322,5,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-7000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9457",0,400,38000,33000,5000,200,200,600,600,5600,5600,33,25500,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9458",0,1091,75000,56000,19000,1749,-251,2840,840,19840,26840,34,56058,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-251,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9459",0,900,69000,41500,27500,700,675,1600,1575,29075,29075,52,16644,2,10,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,675,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9460",0,3900,60000,44000,16000,5245,4445,9145,8345,24345,27145,38,35718,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,4445,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9461",1000,4500,43000,30000,13000,2400,-7700,7900,-2200,10800,63800,51,46008,5,10,1,1,1,1,1,1,1,1,1,0,0,0,5,1,0.7196674,-6700,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9462",15700,20000,100000,10000,90000,45749,45612,81449,81312,171312,188312,59,71568,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,61312,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9463",0,41500,95000,95000,0,1500,890,43000,42390,42390,44171,27,30792,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,890,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9464",0,0,0,0,0,7301,7255,7301,7255,7255,45480,27,23913,1,18,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,7255,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9465",0,10000,0,0,0,25358,24908,35358,34908,34908,34908,43,31239,3,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.2951996,24908,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9466",0,0,175000,60000,115000,14599,14599,14599,14599,129599,146599,49,107559,4,14,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,14599,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9467",0,0,0,0,0,6,-2474,6,-2474,-2474,-2474,40,25614,4,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-2474,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9468",51500,50000,84000,18000,66000,70350,70350,171850,171850,237850,337850,47,62553,6,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,121850,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9469",0,0,0,0,0,1000,-9000,1000,-9000,-9000,-6350,39,63690,1,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-9000,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9470",0,0,150000,119000,31000,3874,3874,3874,3874,34874,34874,56,56343,3,12,1,0,0,0,1,1,0,0,0,1,0,0,6,2,0.7472324,3874,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9471",0,0,0,0,0,1300,-6700,1300,-6700,-6700,-6700,33,48705,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.3243191,-6700,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9472",0,0,0,0,0,0,0,0,0,0,0,38,22806,1,5,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9473",2000,52000,300000,150000,150000,34998,34998,88998,88998,238998,438998,53,39600,2,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,36998,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9474",0,20,35000,17900,17100,6500,6300,6520,6320,23420,25420,38,40350,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,6300,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9475",0,15000,70000,55000,15000,52248,50248,82248,80248,95248,144048,48,50772,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,50248,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9476",0,0,67000,30000,37000,2020,1960,2020,1960,38960,41560,29,27096,5,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,1960,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9477",0,19000,155000,35000,120000,2100,1100,21100,20100,140100,140100,52,91992,8,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,1100,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9478",0,50000,130000,0,130000,2500,2500,52500,52500,182500,182500,63,17442,2,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2500,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9479",0,0,99400,84600,14800,24630,15630,24630,15630,30430,30430,48,121701,2,15,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,15630,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9480",1300,4497,0,0,0,1769,-1031,7566,4766,4766,4766,33,52737,2,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.3533661,269,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9481",0,1200,0,0,0,100,-800,1300,400,400,3375,28,30129,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-800,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9482",0,0,75000,10000,65000,15204,14204,15204,14204,79204,88204,56,44220,3,13,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,14204,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9483",0,42500,78400,78400,0,300,-200,42800,42300,42300,42300,43,29688,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9484",0,6420,72000,48000,24000,2224,1324,8644,7744,31744,34244,37,36882,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,1324,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9485",24000,73800,235000,150000,85000,2024,-22246,99824,75554,160554,268054,35,86472,4,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,1754,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9486",0,14000,100000,94000,6000,3747,2247,17747,16247,22247,32247,50,71205,2,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2247,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9487",0,400,0,0,0,2165,1465,2565,1865,1865,9865,40,45279,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,1465,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9488",0,0,84000,56000,28000,30000,28209,30000,28209,56209,121189,44,51717,1,12,1,0,0,0,1,1,0,0,0,1,0,0,6,2,0.7472324,28209,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9489",0,0,0,0,0,200,200,200,200,200,1700,45,14625,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9490",0,900,120000,65000,55000,7899,4999,8799,5899,60899,79899,40,67434,4,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,4999,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9491",21000,56000,300000,150000,150000,24800,24300,101800,101300,251300,251300,43,142569,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,45300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9492",0,0,110000,80000,30000,5120,1720,5120,1720,31720,40220,30,58155,6,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,1720,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9493",0,16825,139000,105500,33500,100,100,16925,16925,50425,50425,34,42006,4,13,1,1,1,0,1,1,1,0,0,0,1,0,5,3,0.6077043,100,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9494",8400,5000,120000,120000,0,18999,18999,94399,94399,94399,326399,63,56700,2,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,27399,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9495",0,45000,150000,75000,75000,106998,106998,151998,151998,226998,267598,57,49959,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,106998,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9496",0,18000,245000,150000,95000,502,-4798,18502,13202,108202,108202,39,40392,6,11,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.4407951,-4798,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9497",0,0,70000,29000,41000,2000,-6239,2000,-6239,34761,49761,56,56676,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-6239,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9498",0,10500,77000,70000,7000,5009,4899,15509,15399,22399,26099,29,40776,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,4899,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9499",0,0,260000,106000,154000,3199,3199,3199,3199,157199,187199,53,39666,2,14,1,1,0,0,1,1,0,0,0,0,1,0,4,3,0.5297047,3199,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9500",80,0,0,0,0,1400,-3700,1480,-3620,-3620,-1687,29,23325,1,18,0,0,1,0,1,1,0,1,0,0,0,1,3,4,0.2029813,-3620,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9501",20000,80000,65000,0,65000,13600,13600,113600,113600,178600,178600,47,52110,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,33600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9502",26765,16000,300000,20000,280000,592867,587867,635632,630632,910632,916507,50,101331,1,17,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.7355057,614632,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9503",12000,15000,150000,0,150000,200000,200000,227000,227000,377000,377000,35,135300,3,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,212000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9504",0,10000,75000,52000,23000,1500,-7800,11500,2200,25200,29200,34,57150,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-7800,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9505",0,0,60000,60000,0,560,-40,560,-40,-40,-40,46,20796,4,11,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-40,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9506",0,6000,18000,18000,0,16699,16499,22699,22499,22499,22499,53,28896,3,9,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,16499,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9507",0,3000,47000,35000,12000,20000,20000,23000,23000,35000,43975,27,44100,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,20000,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9508",200,2000,145000,75000,70000,120248,120248,122448,122448,192448,424623,46,29526,1,16,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,120448,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9509",17500,80000,300000,150000,150000,322446,302446,419946,399946,549946,549946,39,160701,6,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,319946,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9510",0,0,0,0,0,500,500,500,500,500,5000,30,9180,4,12,0,1,0,0,1,1,0,0,0,1,0,0,1,2,0.0486785,500,0,1,0,0,0,0,0,0,0,1,0,0,0 +"9511",0,1500,45000,19000,26000,46399,45229,47899,46729,72729,76779,47,31908,3,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,45229,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9512",0,4500,0,0,0,600,-2200,5100,2300,2300,17894,33,34308,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-2200,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9513",0,2000,65000,63000,2000,100,-2390,2100,-390,1610,8610,31,51051,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2390,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9514",0,0,0,0,0,2250,-450,2250,-450,-450,550,36,17736,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-450,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9515",0,890,0,0,0,1300,50,2190,940,940,940,39,37662,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,50,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9516",0,4000,0,0,0,0,0,4000,4000,4000,4000,29,27000,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9517",25000,0,250000,123000,127000,2000,1000,27000,26000,153000,290000,43,56154,5,18,1,1,0,0,1,1,0,1,0,0,0,1,6,4,0.7130944,26000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9518",7000,2800,40000,0,40000,1349,849,11149,10649,50649,56649,57,9462,1,12,1,0,0,0,1,1,1,1,0,1,0,0,1,2,0.2696344,7849,1,1,0,0,0,0,0,0,0,0,0,0,1 +"9519",0,1000,100000,33750,66250,1499,1099,2499,2099,68349,71699,31,60,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3536102,1099,1,1,0,0,0,0,0,0,0,1,0,0,0 +"9520",6000,4000,115000,105000,10000,800,-18334,10800,-8334,1666,21566,45,101589,5,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,-12334,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9521",10500,6000,55000,47000,8000,14240,14240,30740,30740,38740,43240,53,31350,1,12,0,0,1,0,1,1,1,1,0,1,0,0,4,2,0.3669286,24740,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9522",0,12000,240000,150000,90000,545,-12105,12545,-105,89895,89895,35,86811,4,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-12105,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9523",0,67,85000,18500,66500,13600,2100,13667,2167,68667,153167,42,73341,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,2100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9524",6000,8000,100000,25000,75000,8299,7299,22299,21299,96299,111299,63,59340,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13299,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9525",0,0,20000,16000,4000,1697,-1673,1697,-1673,2327,3327,43,19293,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-1673,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9526",0,0,85000,40000,45000,9000,7000,9000,7000,52000,61000,41,38880,2,18,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,7000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9527",0,37000,80000,51000,29000,10000,10000,47000,47000,76000,136000,37,41784,4,18,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,10000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9528",0,80000,85000,85000,0,101000,96000,181000,176000,176000,321000,54,113013,2,14,0,1,0,0,1,1,1,0,0,0,1,0,7,3,0.5679367,96000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9529",0,0,275000,112000,163000,477332,475632,477332,475632,638632,665986,51,69987,3,14,0,0,0,0,1,1,0,0,0,0,1,0,6,3,0.4938007,475632,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9530",0,10000,110000,69500,40500,6500,-3300,16500,6700,47200,129200,52,75612,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-3300,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9531",0,1000,65000,0,65000,3030,-27670,4030,-26670,38330,43891,34,36411,2,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-27670,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9532",0,3420,0,0,0,499,-6401,3919,-2981,-2981,-2981,29,28050,4,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.4366938,-6401,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9533",0,0,10000,0,10000,5000,5000,5000,5000,15000,60000,31,28635,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,5000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9534",0,2400,0,0,0,45958,40158,48358,42558,42558,46224,35,36234,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,40158,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9535",0,1000,130000,91500,38500,0,-32500,1000,-31500,7000,16000,59,63261,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-32500,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9536",0,500,45000,30000,15000,600,-200,1100,300,15300,27303,41,23043,4,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9537",0,0,0,0,0,50,-150,50,-150,-150,-150,30,10455,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1283302,-150,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9538",0,700,0,0,0,650,-850,1350,-150,-150,2850,40,46215,2,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,-850,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9539",0,50000,90000,25000,65000,21250,18750,71250,68750,133750,137050,56,62700,2,11,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,18750,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9540",9000,20,80000,65000,15000,12048,12048,21068,21068,36068,40643,33,26526,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,21048,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9541",0,12000,150000,50000,100000,2534,1034,14534,13034,113034,258034,51,53700,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1034,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9542",0,6000,0,0,0,100,100,6100,6100,6100,9433,30,18750,4,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9543",0,2000,58000,38500,19500,61788,59788,63788,61788,81288,99288,45,34488,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,59788,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9544",18000,3000,0,0,0,1000,800,22000,21800,21800,25225,32,54144,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,18800,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9545",2000,84300,60000,20000,40000,156458,156358,242758,242658,282658,284158,48,56754,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,158358,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9546",3000,4000,175000,50000,125000,8160,7060,15160,14060,139060,350060,31,48177,4,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,10060,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9547",0,3200,86000,0,86000,219,-20731,3419,-17531,68469,73469,52,30078,2,4,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-20731,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9548",0,7000,120000,75000,45000,4000,2000,11000,9000,54000,151000,33,58572,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,2000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9549",1500,50000,65000,0,65000,4800,2300,56300,53800,118800,121500,60,28440,2,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,3800,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9550",0,12980,180000,150000,30000,250,-750,13230,12230,42230,42230,33,63360,5,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-750,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9551",0,0,0,0,0,11638,11638,11638,11638,11638,11638,27,36474,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,11638,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9552",6000,0,90000,75000,15000,9700,3500,15700,9500,24500,53150,29,32109,1,13,0,0,1,0,1,1,0,1,0,0,1,0,4,3,0.3669286,9500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9553",0,110,0,0,0,1625,-4350,1735,-4240,-4240,-1090,31,28035,2,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-4350,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9554",0,2648,75000,42000,33000,499,-3501,3147,-853,32147,32147,49,43224,4,12,1,1,0,0,1,1,1,0,0,1,0,0,5,2,0.6077043,-3501,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9555",16370,0,72500,68000,4500,2600,2463,20870,20733,25233,32213,42,44520,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,18833,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9556",0,5000,0,0,0,5200,5200,10200,10200,10200,10200,36,33960,13,4,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.2951996,5200,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9557",0,0,50000,38000,12000,1243,1243,1243,1243,13243,13243,43,27048,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,1243,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9558",0,0,69000,69000,0,300,300,300,300,300,300,34,18018,3,14,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1582553,300,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9559",0,80,0,0,0,10,-490,90,-410,-410,1090,30,21630,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-490,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9560",3448,30,30000,0,30000,5,-16995,3483,-13517,16483,16483,52,31368,3,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,-13547,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9561",0,20000,110000,50000,60000,3300,1550,23300,21550,81550,86550,40,53736,5,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1550,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9562",0,46000,70000,26000,44000,2500,1300,48500,47300,91300,94650,53,30900,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,1300,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9563",0,0,75000,27800,47200,325,-14675,325,-14675,32525,34525,42,35112,2,15,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3866406,-14675,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9564",16000,200,154000,121700,32300,10040,4040,26240,20240,52540,56540,33,46002,7,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,20040,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9565",0,80000,115000,35000,80000,5000,3300,85000,83300,163300,273859,43,77700,5,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,3300,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9566",5000,15000,42000,18000,24000,3949,-551,23949,19449,43449,56449,35,49230,5,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,4449,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9567",0,0,64000,18750,45250,6226,1226,6226,1226,46476,46476,64,34035,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1226,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9568",21000,69000,300000,150000,150000,27000,15000,117000,105000,255000,255000,40,101226,6,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,36000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9569",0,1000,86000,76000,10000,6200,4528,7200,5528,15528,41550,28,31203,2,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,4528,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9570",0,1200,0,0,0,1000,-2300,2200,-1100,-1100,1213,38,33048,2,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-2300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9571",0,0,85000,65000,20000,7000,7000,7000,7000,27000,27000,30,20640,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,7000,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9572",10000,0,300000,150000,150000,36500,36200,46500,46200,196200,200700,33,80724,1,16,1,0,1,0,1,1,0,1,0,0,0,1,7,4,0.7355057,46200,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9573",0,1200,60000,23900,36100,1249,1249,2449,2449,38549,38549,59,49950,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,1249,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9574",0,10000,24000,24000,0,3660,-18340,13660,-8340,-8340,510,44,33645,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-18340,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9575",0,6075,51000,16000,35000,1475,-9025,7550,-2950,32050,71602,41,35772,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-9025,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9576",0,2300,0,0,0,200,-800,2500,1500,1500,5000,38,25500,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9577",0,100,0,0,0,0,-3265,100,-3165,-3165,-2665,43,17418,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-3265,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9578",0,30000,0,0,0,249,-7151,30249,22849,22849,28724,38,47826,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-7151,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9579",0,3000,0,0,0,2000,-2400,5000,600,600,4025,38,33579,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-2400,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9580",17000,0,65000,18000,47000,3049,-5251,20049,11749,58749,58749,47,64011,3,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,11749,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9581",0,42000,82500,59680,22820,400,-4600,42400,37400,60220,60220,55,57672,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-4600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9582",0,8400,0,0,0,0,0,8400,8400,8400,8400,39,39168,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9583",0,52000,20000,1224,18776,230,-685,52230,51315,70091,75091,52,42270,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-685,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9584",0,650,40000,38800,1200,75,-11125,725,-10475,-9275,-6775,32,28434,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-11125,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9585",0,2000,83000,7000,76000,19889,19589,21889,21589,97589,199407,59,25560,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,19589,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9586",0,180,0,0,0,1000,-1600,1180,-1420,-1420,6041,55,25761,1,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-1600,0,0,0,1,0,0,0,0,0,0,0,0,1 +"9587",0,50000,165000,0,165000,25450,25450,75450,75450,240450,240450,44,61869,2,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,25450,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9588",0,0,0,0,0,453,-5119,453,-5119,-5119,-5119,31,18909,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-5119,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9589",0,10000,0,0,0,1760,-2540,11760,7460,7460,22035,57,27036,1,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-2540,0,0,0,1,0,0,0,0,0,0,0,0,1 +"9590",5000,839,84000,67000,17000,8000,5670,13839,11509,28509,41009,29,44805,3,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,10670,1,0,0,0,0,1,0,0,1,0,0,0,0 +"9591",0,390,0,0,0,2250,2250,2640,2640,2640,3140,32,18450,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2250,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9592",4900,15000,120000,60000,60000,700,-18520,20600,1380,61380,220380,41,42213,5,9,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,-13620,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9593",0,22000,0,0,0,32000,22500,54000,44500,44500,97000,40,62700,8,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,22500,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9594",0,0,140000,122000,18000,6748,5248,6748,5248,23248,29248,46,33639,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,5248,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9595",19000,80000,200000,120000,80000,13000,13000,112000,112000,192000,262000,41,61500,4,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9596",0,20000,100000,100000,0,5000,-4000,25000,16000,16000,28000,31,120300,2,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-4000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9597",0,20000,0,0,0,92749,92749,112749,112749,112749,112749,39,31845,3,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.2951996,92749,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9598",0,11231,60000,50000,10000,10800,8200,22031,19431,29431,33031,38,56028,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,8200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9599",22225,18747,85000,15000,70000,481608,481408,522580,522380,592380,597980,48,84063,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,503633,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9600",8300,13000,0,0,0,7748,-252,29048,21048,21048,26323,25,39102,1,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,8048,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9601",0,5000,0,0,0,2999,2999,7999,7999,7999,7999,45,57843,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,2999,0,0,0,0,0,0,1,0,0,0,0,1,0 +"9602",4000,80000,150000,23000,127000,3100,-900,87100,83100,210100,215300,48,58296,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,3100,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9603",0,10017,60000,45000,15000,100,-3512,10117,6505,21505,33505,41,30321,6,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-3512,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9604",0,32000,24000,8000,16000,900,900,32900,32900,48900,54361,42,16812,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,900,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9605",500,1400,50000,50000,0,3000,2800,4900,4700,4700,4700,26,36492,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,3300,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9606",11750,12500,175000,120000,55000,64900,64900,89150,89150,144150,219150,52,67059,5,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,76650,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9607",0,1000,70000,70000,0,6100,6100,7100,7100,7100,20600,41,72600,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,6100,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9608",0,3500,125000,50000,75000,1100,-953,4600,2547,77547,79947,37,57234,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-953,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9609",0,0,75000,56000,19000,1098,-23162,1098,-23162,-4162,-4162,32,31644,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-23162,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9610",0,530,0,0,0,0,-300,530,230,230,15280,28,7914,3,12,0,1,0,0,1,1,1,0,0,1,0,0,1,2,0.0486785,-300,0,1,0,0,0,0,0,0,1,0,0,0,0 +"9611",0,0,0,0,0,25,-5675,25,-5675,-5675,1825,32,22425,4,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-5675,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9612",0,25000,46000,20000,26000,1270,270,26270,25270,51270,51270,58,31689,2,4,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,270,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9613",0,0,0,0,0,600,-100,600,-100,-100,2400,36,28032,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9614",0,1062,0,0,0,59,-790,1121,272,272,13754,38,15813,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-790,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9615",16500,2800,300000,75000,225000,187500,186800,206800,206100,431100,431100,56,50625,3,12,1,1,0,0,1,1,1,1,0,1,0,0,6,2,0.7130944,203300,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9616",0,45000,180000,65000,115000,5330,3330,50330,48330,163330,163330,57,35700,3,11,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,3330,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9617",0,4000,43000,20000,23000,800,-3800,4800,200,23200,23200,45,29838,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-3800,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9618",200,7500,95000,66000,29000,15550,15550,23250,23250,52250,56125,50,49848,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,15750,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9619",1300,0,75000,25000,50000,13700,12150,15000,13450,63450,82250,44,59235,4,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,13450,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9620",0,0,0,0,0,300,-3700,300,-3700,-3700,-3200,34,26526,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-3700,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9621",0,10000,0,0,0,1600,1600,11600,11600,11600,16275,26,36972,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1600,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9622",0,1200,73000,73000,0,1349,-451,2549,749,749,14249,33,46245,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-451,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9623",0,18000,95000,63000,32000,2300,-5700,20300,12300,44300,47300,44,51612,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5700,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9624",0,45000,0,0,0,0,0,45000,45000,45000,45000,59,46920,6,12,0,1,1,0,1,1,1,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 +"9625",0,0,0,0,0,4500,3900,4500,3900,3900,3900,31,49410,4,14,1,1,0,1,1,1,0,0,0,0,1,0,5,3,0.5995759,3900,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9626",0,4500,0,0,0,7000,5500,11500,10000,10000,10000,40,84360,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4347773,5500,0,0,0,0,0,0,0,1,0,0,1,0,0 +"9627",0,2500,0,0,0,8550,6050,11050,8550,8550,11883,29,20025,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,6050,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9628",30000,80000,300000,63000,237000,64232,64232,174232,174232,411232,411232,44,138942,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,94232,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9629",0,1000,30000,13000,17000,9049,8649,10049,9649,26649,26649,44,22044,4,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.3978536,8649,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9630",37000,50000,85000,65000,20000,28000,28000,115000,115000,135000,135000,59,69435,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,65000,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9631",44000,36000,90000,0,90000,35600,35240,115600,115240,205240,205240,63,43326,2,12,1,1,0,0,1,1,1,1,0,1,0,0,5,2,0.7196674,79240,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9632",0,25000,190000,88000,102000,3000,-10500,28000,14500,116500,150500,49,52590,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-10500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9633",0,0,63000,63000,0,725,-1222,725,-1222,-1222,71278,38,35322,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-1222,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9634",0,3000,80000,53000,27000,607,-9393,3607,-6393,20607,20607,47,64656,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-9393,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9635",0,5574,0,0,0,800,100,6374,5674,5674,6099,32,18594,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9636",0,0,0,0,0,0,-64,0,-64,-64,-64,46,3900,4,12,0,1,0,0,1,1,0,0,0,1,0,0,1,2,0.0486785,-64,0,1,0,0,0,0,0,0,0,0,0,1,0 +"9637",17000,10000,82000,65000,17000,10400,1900,37400,28900,45900,45900,54,67431,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,18900,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9638",0,47000,200000,100000,100000,10900,10700,57900,57700,157700,163700,38,88764,2,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,10700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9639",0,414,52000,23500,28500,228,-5197,642,-4783,23717,32717,46,51426,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5197,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9640",0,330,200000,0,200000,9999,9999,10329,10329,210329,210329,64,37242,2,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9641",19000,50000,300000,150000,150000,49000,45000,118000,114000,264000,264000,53,156036,3,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,64000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9642",0,20000,45000,45000,0,4300,4210,24300,24210,24210,24210,50,24540,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4210,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9643",0,0,200000,0,200000,63499,62899,63499,62899,262899,278099,45,45012,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,62899,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9644",9489,13524,70000,0,70000,1587,1265,24600,24278,94278,97392,43,49044,6,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,10754,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9645",0,0,30000,0,30000,3000,-2000,3000,-2000,28000,33242,38,60,2,12,0,0,0,0,1,1,0,0,0,1,0,0,1,2,0.036628,-2000,1,1,0,0,0,0,0,0,0,0,1,0,0 +"9646",0,0,0,0,0,0,0,0,0,0,0,44,21480,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9647",0,11500,50000,5000,45000,2300,2300,13800,13800,58800,59800,26,34494,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,2300,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9648",0,0,70000,50000,20000,899,599,899,599,20599,20599,28,26550,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,599,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9649",2800,2800,70000,55000,15000,1499,1499,7099,7099,22099,22099,39,63999,4,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,4299,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9650",22350,45000,193000,0,193000,11250,11250,78600,78600,271600,276600,57,63045,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,33600,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9651",1500,0,140000,131000,9000,8000,7000,9500,8500,17500,19500,41,50064,5,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,8500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9652",6000,15000,120000,120000,0,46100,46100,67100,67100,67100,67100,29,98100,3,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,52100,1,0,0,0,0,0,0,1,1,0,0,0,0 +"9653",900,0,60000,30000,30000,1900,1200,2800,2100,32100,39100,39,45690,5,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,2100,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9654",0,5574,0,0,0,399,-3101,5973,2473,2473,2473,28,14118,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-3101,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9655",3000,9000,100000,90000,10000,6499,1499,18499,13499,23499,26849,41,41703,2,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,4499,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9656",12600,18000,200000,142000,58000,3000,2600,33600,33200,91200,275318,36,90318,4,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,15200,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9657",0,200,91200,67000,24200,100,-11841,300,-11641,12559,12559,33,33849,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-11841,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9658",0,0,45000,25000,20000,2314,314,2314,314,20314,20314,44,50304,3,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,314,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9659",50000,0,250000,150000,100000,2500,-150,52500,49850,149850,155850,43,79920,4,12,0,1,1,1,1,1,0,1,0,1,0,0,7,2,0.5801663,49850,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9660",0,12000,60000,56000,4000,600,-6900,12600,5100,9100,11225,35,27600,1,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,-6900,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9661",0,12000,90000,62000,28000,49,49,12049,12049,40049,40049,43,32712,4,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,49,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9662",15000,12000,275000,150000,125000,16900,7900,43900,34900,159900,159900,54,85860,6,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,22900,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9663",7000,528,115000,85600,29400,30200,29200,37728,36728,66128,66128,44,63222,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,36200,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9664",0,0,0,0,0,0,0,0,0,0,500,60,14640,1,10,0,0,0,0,1,1,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9665",15000,75000,0,0,0,78000,77000,168000,167000,167000,167000,45,101496,1,16,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4935519,92000,0,0,0,0,0,0,0,1,0,0,0,1,0 +"9666",0,0,0,0,0,11500,-2000,11500,-2000,-2000,-2000,35,30000,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-2000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9667",0,3300,0,0,0,100,100,3400,3400,3400,10400,44,24480,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9668",0,0,56000,21000,35000,3038,3038,3038,3038,38038,38038,48,35310,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,3038,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9669",0,7000,97000,90000,7000,456,456,7456,7456,14456,14456,30,66123,4,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,456,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9670",0,68,103000,0,103000,1500,1090,1568,1158,104158,104158,54,10374,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,1090,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9671",0,0,87000,71000,16000,210,-8790,210,-8790,7210,10560,38,37140,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-8790,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9672",0,0,0,0,0,1925,-5075,1925,-5075,-5075,16925,52,31998,2,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-5075,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9673",0,35000,76000,76000,0,48000,48000,83000,83000,83000,85650,32,40260,1,16,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,48000,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9674",0,3000,29900,27500,2400,1600,-1700,4600,1300,3700,6800,44,32796,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-1700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9675",0,400,0,0,0,364,-6136,764,-5736,-5736,-5598,26,13770,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-6136,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9676",8300,13500,145000,108000,37000,8000,8000,29800,29800,66800,81050,34,50442,1,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,16300,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9677",0,2000,80000,65000,15000,499,-1,2499,1999,16999,16999,33,31203,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9678",11765,80000,135000,52000,83000,10854,10854,102619,102619,185619,185619,43,54150,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,22619,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9679",25000,0,75000,36000,39000,5000,4000,30000,29000,68000,83000,44,36966,3,13,1,1,0,1,1,1,0,1,0,0,1,0,4,3,0.5449064,29000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9680",3600,0,75000,15000,60000,1100,-10200,4700,-6600,53400,68400,44,58428,4,12,1,1,1,1,1,1,0,1,0,1,0,0,6,2,0.7130944,-6600,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9681",7000,0,118000,51000,67000,1475,-2025,8475,4975,71975,76975,47,63450,4,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,4975,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9682",0,50000,0,0,0,1000,1000,51000,51000,51000,53000,45,31047,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,1000,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9683",4000,0,0,0,0,199,-101,4199,3899,3899,89599,49,75384,5,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.4888144,3899,0,0,0,0,0,0,0,1,0,0,0,1,0 +"9684",0,0,0,0,0,4000,-8000,4000,-8000,-8000,-6650,37,34827,2,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-8000,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9685",0,250,0,0,0,605,-2495,855,-2245,-2245,11755,32,40800,5,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-2495,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9686",24750,108,55000,0,55000,59370,59370,84228,84228,139228,139228,56,29556,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,84120,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9687",0,1000,0,0,0,40200,40200,41200,41200,41200,42500,29,36192,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,40200,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9688",8000,2400,75000,34000,41000,16400,14736,26800,25136,66136,70136,35,53154,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,22736,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9689",0,4000,68000,54000,14000,3650,2450,7650,6450,20450,23150,31,41922,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2450,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9690",0,0,0,0,0,750,50,750,50,50,6050,29,25155,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,50,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9691",500,800,47000,37000,10000,380,-120,1680,1180,11180,53280,37,37275,6,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,380,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9692",0,1000,35000,21000,14000,399,-1601,1399,-601,13399,13399,36,39450,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-1601,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9693",21473,29000,96000,0,96000,107500,107500,157973,157973,253973,283973,62,41106,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,128973,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9694",24000,7000,90000,90000,0,85734,51734,116734,82734,82734,92734,53,76050,4,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,75734,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9695",0,0,75000,19800,55200,2600,1100,2600,1100,56300,61300,42,38007,5,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1100,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9696",0,0,105000,100000,5000,7444,6444,7444,6444,11444,11444,43,30318,1,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6028074,6444,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9697",0,10000,90000,74900,15100,41000,22000,51000,32000,47100,76100,33,72960,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,22000,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9698",0,0,80000,20000,60000,3400,-14800,3400,-14800,45200,57200,56,72129,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-14800,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9699",25000,36000,159000,0,159000,19999,18999,80999,79999,238999,242148,48,58944,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,43999,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9700",0,0,0,0,0,12168,5168,12168,5168,5168,8668,50,64026,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,5168,0,0,0,0,0,0,1,0,0,0,0,1,0 +"9701",14000,5000,150000,122000,28000,13400,9400,32400,28400,56400,56400,32,70260,3,18,0,1,1,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9702",8900,0,120000,84500,35500,47153,47153,56053,56053,91553,91553,37,55563,2,16,0,1,0,0,1,1,0,1,0,0,0,1,6,4,0.5336504,56053,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9703",0,0,275000,150000,125000,3000,-11945,3000,-11945,113055,126055,43,110820,4,14,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,-11945,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9704",1500,5000,280000,150000,130000,31255,29439,44755,42939,172939,190939,47,72600,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,30939,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9705",0,0,0,0,0,100,100,100,100,100,600,35,14556,4,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9706",0,2500,0,0,0,449,-1051,2949,1449,1449,1449,36,44175,3,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-1051,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9707",0,0,150000,3200,146800,242,-2258,242,-2258,144542,148542,35,29586,5,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-2258,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9708",0,265,45000,32500,12500,500,-2400,765,-2135,10365,18865,49,41592,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-2400,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9709",0,3931,200000,50000,150000,44656,43056,48587,46987,196987,196987,64,60060,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,43056,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9710",0,50000,90000,30000,60000,46600,46600,96600,96600,156600,162600,47,60300,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,46600,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9711",0,200,40000,0,40000,4000,-22000,4200,-21800,18200,21200,45,28584,3,15,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-22000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9712",0,31000,185000,40000,145000,200,-200,31200,30800,175800,175800,63,75804,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-200,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9713",2000,0,98000,35000,63000,16300,13348,18300,15348,78348,84852,42,53391,1,16,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,15348,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9714",0,24,0,0,0,330,-5970,354,-5946,-5946,-4946,35,18279,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-5970,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9715",16000,1000,220000,15500,204500,45699,45699,62699,62699,267199,267199,64,19464,2,12,0,1,0,1,1,1,1,1,0,1,0,0,2,2,0.1464927,61699,1,0,1,0,0,0,0,0,0,0,0,0,1 +"9716",0,3160,0,0,0,1282,682,4442,3842,3842,9438,27,25260,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,682,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9717",0,7000,75000,55000,20000,6000,6000,13000,13000,33000,41000,58,36000,7,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,6000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9718",0,10000,0,0,0,6500,6500,38500,38500,38500,45375,41,24594,1,18,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9719",0,1000,0,0,0,1560,-5140,2560,-4140,-4140,-3140,38,13668,3,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-5140,0,0,1,0,0,0,0,0,0,0,1,0,0 +"9720",330,1360,0,0,0,1400,-6500,3090,-4810,-4810,-3160,27,25605,1,1,0,0,1,0,1,1,1,1,1,0,0,0,3,1,0.2029813,-6170,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9721",10000,47000,90000,0,90000,52980,52230,109980,109230,199230,208230,35,86412,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,62230,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9722",5050,20000,57000,0,57000,14800,14600,39850,39650,96650,96650,42,65262,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,19650,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9723",44300,29500,146000,146000,0,11856,4856,85656,78656,78656,165656,41,108840,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,49156,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9724",3200,0,155000,0,155000,36500,36500,39700,39700,194700,194700,41,85638,4,12,0,1,0,0,1,1,0,1,0,1,0,0,7,2,0.5801663,39700,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9725",0,8000,114900,86000,28900,3600,-500,11600,7500,36400,38400,30,37995,3,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-500,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9726",16200,600,230000,142000,88000,10999,6999,27799,23799,111799,111799,48,89940,5,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,23199,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9727",0,0,180000,30000,150000,4000,3700,4000,3700,153700,161770,39,32550,3,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6028074,3700,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9728",26211,13000,110000,70000,40000,4500,3500,43711,42711,82711,83611,38,54081,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,29711,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9729",0,0,135000,89900,45100,6000,5000,6000,5000,50100,57100,28,68142,3,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,5000,1,0,0,0,0,0,1,0,1,0,0,0,0 +"9730",0,0,0,0,0,9181,9181,9181,9181,9181,9181,33,57228,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.3598378,9181,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9731",0,26942,165000,0,165000,6625,6625,33567,33567,198567,198567,46,63915,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,6625,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9732",0,4000,0,0,0,5000,1300,9000,5300,5300,7875,37,39255,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1300,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9733",2400,0,0,0,0,10600,10000,13000,12400,12400,25143,45,36390,1,16,0,0,1,0,1,1,0,1,0,0,0,1,4,4,0.2906278,12400,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9734",0,460,0,0,0,900,-7100,1360,-6640,-6640,-2340,35,35124,2,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-7100,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9735",0,11000,61000,40000,21000,8055,5255,19055,16255,37255,42255,38,40362,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,5255,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9736",0,0,23900,23900,0,49,-451,49,-451,-451,6292,51,11835,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.143074,-451,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9737",12000,0,80000,50000,30000,24274,24274,36274,36274,66274,121949,59,34875,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6174901,36274,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9738",0,12000,25000,19500,5500,3999,3999,15999,15999,21499,25499,61,24180,2,8,1,0,1,0,1,1,1,0,1,0,0,0,3,1,0.491887,3999,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9739",0,0,0,0,0,3300,-4700,3300,-4700,-4700,-675,36,35730,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-4700,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9740",11000,12000,35000,25000,10000,17056,17056,40056,40056,50056,57056,42,51648,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,28056,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9741",0,0,0,0,0,5500,3000,5500,3000,3000,3000,26,36930,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,3000,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9742",0,17000,0,0,0,1600,-830,18600,16170,16170,24108,46,36525,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-830,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9743",0,2000,106000,57500,48500,1424,-3736,3424,-1736,46764,52765,35,23295,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2694195,-3736,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9744",0,80000,150000,30000,120000,18025,14675,98025,94675,214675,250675,55,101187,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,14675,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9745",0,0,85000,79000,6000,2073,-927,2073,-927,5073,17073,30,36144,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.3719455,-927,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9746",4200,0,92500,21000,71500,10648,-79852,14848,-75652,-4152,-4152,40,69321,4,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,-75652,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9747",62583,8000,180000,58000,122000,23700,23200,94283,93783,215783,262922,39,59952,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,85783,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9748",0,10000,70000,40000,30000,5900,5900,15900,15900,45900,55900,41,52845,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,5900,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9749",0,0,300000,150000,150000,6150,4250,6150,4250,154250,169350,52,85839,2,16,1,0,1,0,1,1,0,0,0,0,0,1,7,4,0.6891237,4250,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9750",8427,6000,85000,78000,7000,23928,23928,38355,38355,45355,77355,35,74556,2,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,32355,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9751",0,0,225000,0,225000,255863,250863,255863,250863,475863,477863,63,98712,3,16,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,250863,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9752",0,0,72000,70000,2000,500,500,500,500,2500,7500,27,37626,2,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,500,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9753",21000,0,80000,51000,29000,33599,32999,54599,53999,82999,147619,58,48882,2,12,1,1,1,1,1,1,0,1,0,1,0,0,5,2,0.7196674,53999,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9754",0,600,34000,9200,24800,2100,-21300,2700,-20700,4100,9779,41,38973,3,13,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-21300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9755",3600,1000,60000,53000,7000,825,-2475,5425,2125,9125,28475,34,93915,4,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,1125,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9756",31250,13500,120000,76700,43300,340000,339400,384750,384150,427450,593450,63,70779,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,370650,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9757",0,17000,0,0,0,27655,24155,48655,45155,45155,50155,32,59658,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,24155,0,0,0,0,0,0,1,0,0,1,0,0,0 +"9758",0,0,65000,0,65000,0,-3000,0,-3000,62000,64333,40,39816,5,16,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,-3000,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9759",12000,2600,250000,120000,130000,301000,300000,315600,314600,444600,649600,47,118197,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,312000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9760",0,4000,0,0,0,0,-1000,4000,3000,3000,9000,45,25500,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-1000,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9761",0,2000,160000,120000,40000,4000,-4700,6000,-2700,37300,38700,31,97914,3,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-4700,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9762",23000,80000,190000,40000,150000,73000,68000,176000,171000,321000,364000,50,103896,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,91000,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9763",0,80000,300000,150000,150000,39250,39250,119250,119250,269250,269250,37,74013,3,18,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,39250,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9764",18000,20000,70000,0,70000,69999,69999,107999,107999,177999,186999,64,46404,2,12,1,1,0,0,1,1,1,1,0,1,0,0,5,2,0.7196674,87999,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9765",0,6000,90000,25500,64500,3800,2800,9800,8800,73300,85300,48,39312,2,10,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,2800,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9766",0,20,37000,37000,0,3000,-2200,3020,-2180,-2180,1520,26,27423,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9767",0,0,40000,23000,17000,27599,20699,27599,20699,37699,38599,42,32289,3,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,20699,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9768",0,3500,290000,150000,140000,131600,128600,135100,132100,272100,272100,43,103080,3,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,128600,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9769",0,1500,240000,43000,197000,10600,9400,12100,10900,207900,207900,39,41793,5,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,9400,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9770",0,0,100000,82000,18000,200,-10550,200,-10550,7450,7450,32,73707,5,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-10550,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9771",59600,80000,80000,0,80000,132259,132259,271859,271859,351859,376859,60,78990,3,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,191859,1,0,0,0,0,0,0,1,0,0,0,0,1 +"9772",0,2000,0,0,0,0,-20000,2000,-18000,-18000,-7321,55,13260,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-20000,0,0,1,0,0,0,0,0,0,0,0,0,1 +"9773",0,7813,140000,93000,47000,16025,14025,23838,21838,68838,68838,38,88770,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,14025,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9774",0,0,140000,42000,98000,18200,15400,18200,15400,113400,113400,41,59937,4,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,15400,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9775",0,0,65000,0,65000,0,0,0,0,65000,72406,45,19176,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9776",2480,0,82000,55000,27000,1999,-151,4479,2329,29329,30829,44,26844,2,12,1,1,0,1,1,1,0,1,0,1,0,0,3,2,0.3788275,2329,1,0,0,1,0,0,0,0,0,0,1,0,0 +"9777",0,0,68000,30000,38000,28000,27650,28000,27650,65650,70600,34,20370,3,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,27650,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9778",0,9000,92000,91000,1000,26300,26300,35300,35300,36300,36300,39,36900,3,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,26300,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9779",0,0,95000,44000,51000,34850,34850,34850,34850,85850,85850,44,66381,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,34850,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9780",0,3000,14000,10000,4000,416,121,7416,7121,11121,14471,49,18177,2,10,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,121,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9781",0,0,0,0,0,79700,79700,79700,79700,79700,144200,56,54132,1,17,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,79700,0,0,0,0,0,0,1,0,0,0,0,0,1 +"9782",32600,15000,85000,0,85000,8008,8008,55608,55608,140608,140608,43,46596,4,16,1,1,1,0,1,1,1,1,0,0,0,1,5,4,0.7196674,40608,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9783",0,60000,55000,52000,3000,52000,50800,112000,110800,113800,131800,37,71001,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,50800,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9784",0,3000,90000,60000,30000,500,0,3500,3000,33000,55150,51,37098,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9785",8290,0,70000,63000,7000,20970,20900,29260,29190,36190,36190,34,38736,2,18,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,29190,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9786",0,0,0,0,0,105,-3395,105,-3395,-3395,495,29,29427,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-3395,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9787",0,0,0,0,0,1000,-2000,1000,-2000,-2000,500,43,23307,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-2000,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9788",0,15,0,0,0,0,-1660,15,-1645,-1645,-1645,35,14076,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-1660,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9789",0,0,0,0,0,0,0,0,0,0,50,33,15165,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9790",0,5000,0,0,0,1225,1225,6225,6225,6225,16225,37,42318,5,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,1225,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9791",15200,3500,85000,0,85000,42000,40300,60700,59000,144000,144000,58,28560,3,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,55500,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9792",0,0,0,0,0,3836,3836,3836,3836,3836,4925,25,33174,3,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,3836,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9793",0,0,90000,57000,33000,7898,7598,7898,7598,40598,43798,37,42000,2,14,1,1,0,1,1,1,0,0,0,0,1,0,5,3,0.6077043,7598,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9794",28000,12200,200000,150000,50000,50000,50000,90200,90200,140200,289200,41,119133,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,78000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9795",0,12000,105000,72000,33000,4000,2000,16000,14000,47000,51500,35,75159,3,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,2000,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9796",0,8000,130000,96000,34000,5785,5470,13785,13470,47470,53985,30,54594,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,5470,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9797",0,15000,0,0,0,7500,5700,22500,20700,20700,25350,26,31050,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,5700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9798",0,500,175000,0,175000,59000,59000,59500,59500,234500,237000,62,31338,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,59000,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9799",0,21000,0,0,0,0,-7000,21000,14000,14000,17333,33,30000,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-7000,0,0,0,0,1,0,0,0,0,1,0,0,0 +"9800",2000,200,0,0,0,600,100,2800,2300,2300,9025,27,28635,1,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2029813,2100,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9801",0,10000,192000,126000,66000,0,-1000,10000,9000,75000,75000,36,59046,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1000,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9802",0,114,0,0,0,2199,-4301,2313,-4187,-4187,-3573,34,40224,3,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-4301,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9803",0,2000,60000,44000,16000,2750,-1750,4750,250,16250,16250,54,51105,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-1750,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9804",0,3000,300000,147000,153000,2300,1540,5300,4540,157540,165765,51,34095,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,1540,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9805",0,0,0,0,0,749,749,749,749,749,1749,35,18837,1,11,0,0,1,0,1,1,0,0,1,0,0,0,2,1,0.1152104,749,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9806",0,11000,165000,70000,95000,2309,909,13309,11909,106909,106909,44,40917,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,909,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9807",0,2260,55000,29000,26000,714,-686,2974,1574,27574,27574,38,33345,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-686,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9808",0,0,0,0,0,1350,350,1350,350,350,350,34,24891,3,18,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,350,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9809",52000,20000,250000,57000,193000,43100,43100,115100,115100,308100,380600,44,106272,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,95100,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9810",0,4000,0,0,0,0,0,4000,4000,4000,4000,45,29250,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,0,1,0 +"9811",0,11000,180000,150000,30000,2334,-9666,13334,1334,31334,94934,54,69282,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-9666,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9812",5000,10500,118000,59000,59000,29115,25615,64615,61115,120115,120115,49,96369,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,30615,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9813",0,750,60000,0,60000,5500,5477,6250,6227,66227,66227,52,30150,2,8,1,1,0,1,1,1,1,0,1,0,0,0,4,1,0.5297047,5477,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9814",8400,0,100000,94000,6000,1100,925,9500,9325,15325,15325,36,43305,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,9325,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9815",0,2000,76000,36000,40000,27700,27250,29700,29250,69250,69250,34,76974,5,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,27250,1,0,0,0,0,0,0,1,0,1,0,0,0 +"9816",0,68500,200000,150000,50000,25500,25500,94000,94000,144000,155500,44,109095,4,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,25500,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9817",0,7000,90000,46000,44000,1400,1400,8400,8400,52400,53400,38,31077,4,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,1400,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9818",2000,7000,86000,10500,75500,12200,12200,21200,21200,96700,96700,49,63012,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,14200,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9819",4000,12500,95000,64000,31000,700,-2300,17200,14200,45200,50200,51,58338,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,1700,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9820",0,0,0,0,0,650,-10050,650,-10050,-10050,23650,48,37347,2,13,0,1,1,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-10050,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9821",0,600,32500,24000,8500,0,-6150,600,-5550,2950,7450,27,21921,4,10,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-6150,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9822",3000,60600,90000,15000,75000,14959,14959,78559,78559,153559,153559,58,62766,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17959,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9823",0,8900,90000,86000,4000,1549,-51,10449,8849,12849,12849,31,72957,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-51,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9824",0,0,0,0,0,500,-1500,500,-1500,-1500,10596,35,41526,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-1500,0,0,0,0,0,1,0,0,0,1,0,0,0 +"9825",0,1700,40000,14900,25100,5750,2500,7450,4200,29300,38300,42,44760,3,17,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,2500,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9826",0,0,75000,52000,23000,7228,6228,7228,6228,29228,29228,52,53295,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,6228,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9827",0,100,0,0,0,0,-2800,100,-2700,-2700,-2700,52,35496,4,12,0,1,1,0,1,1,1,0,0,1,0,0,4,2,0.2951996,-2800,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9828",7000,15000,25000,0,25000,1700,-2300,23700,19700,44700,44700,56,32520,3,2,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,4700,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9829",0,4500,130000,79000,51000,500,-1000,5000,3500,54500,61500,33,19488,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-1000,1,0,1,0,0,0,0,0,0,1,0,0,0 +"9830",33000,69000,120000,55000,65000,12000,12000,114000,114000,179000,234000,44,48966,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,45000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9831",0,12000,3500,0,3500,1499,1499,13499,13499,16999,16999,61,26484,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1499,1,0,0,1,0,0,0,0,0,0,0,0,1 +"9832",5000,80000,75000,28500,46500,5799,3759,90799,88759,135259,165109,53,53148,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8759,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9833",0,10000,50000,4600,45400,75700,67200,85700,77200,122600,123300,36,33312,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,67200,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9834",0,4000,0,0,0,8000,4000,12000,8000,8000,8500,49,50232,1,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.5906146,4000,0,0,0,0,0,0,1,0,0,0,0,1,0 +"9835",9500,7000,122000,122000,0,3750,3550,20250,20050,20050,22096,31,58275,1,15,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,13050,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9836",57000,7000,95000,92000,3000,19110,-26490,83110,37510,40510,52510,47,70926,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,30510,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9837",33120,42800,250000,69000,181000,150028,144028,225948,219948,400948,819276,53,45447,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,177148,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9838",2200,18000,140000,87000,53000,42998,41498,63198,61698,114698,155698,49,67764,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,43698,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9839",5100,1000,61200,27500,33700,12000,11185,18100,17285,50985,52685,44,54252,4,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,16285,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9840",16000,360,72000,69500,2500,3665,2465,20025,18825,21325,21325,29,50367,5,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,18465,1,0,0,0,0,0,1,0,1,0,0,0,0 +"9841",0,0,115000,82500,32500,600,-5600,600,-5600,26900,27900,27,28464,4,16,0,1,0,0,1,1,0,0,0,0,0,1,3,4,0.273178,-5600,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9842",0,0,250000,0,250000,0,0,0,0,250000,256000,57,40086,2,11,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,0,1 +"9843",17000,1000,0,0,0,294,-22496,18294,-4496,-4496,28104,42,44016,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.3442089,-5496,0,0,0,0,0,1,0,0,0,0,1,0,0 +"9844",0,0,0,0,0,2800,2800,2800,2800,2800,29925,32,23628,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,2800,0,0,0,1,0,0,0,0,0,1,0,0,0 +"9845",0,7000,110000,69000,41000,920,920,7920,7920,48920,52920,36,45210,6,14,1,1,0,0,1,1,1,0,0,0,1,0,5,3,0.6077043,920,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9846",0,45000,0,0,0,7000,7000,52000,52000,52000,52000,60,38820,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,7000,0,0,0,0,1,0,0,0,0,0,0,0,1 +"9847",0,80000,0,0,0,4999,4649,84999,84649,84649,86328,45,16182,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,4649,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9848",5000,33000,130000,116000,14000,16000,16000,54000,54000,68000,69888,42,46659,1,17,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,21000,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9849",0,300,240000,150000,90000,510,-13490,810,-13190,76810,77610,26,54558,2,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-13490,1,0,0,0,0,0,1,0,1,0,0,0,0 +"9850",0,50200,140000,140000,0,6200,500,56400,50700,50700,83700,41,57360,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,500,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9851",0,38,52000,42000,10000,16200,14200,16238,14238,24238,26904,45,23415,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,14200,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9852",8200,0,228000,0,228000,21000,21000,29200,29200,257200,257200,57,66840,4,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,29200,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9853",0,172,0,0,0,0,0,172,172,172,172,31,14610,1,18,1,0,0,0,1,1,1,0,0,0,0,1,2,4,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9854",0,0,42000,38000,4000,220,-280,220,-280,3720,7220,47,42120,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-280,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9855",2000,2000,40000,27000,13000,3000,3000,7000,7000,20000,22000,45,27600,1,17,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,5000,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9856",0,0,5000,3200,1800,0,-2500,0,-2500,-700,21583,46,10404,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-2500,1,0,1,0,0,0,0,0,0,0,0,1,0 +"9857",0,0,190000,120000,70000,8000,3000,8000,3000,73000,86350,49,58050,2,18,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.7472324,3000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9858",5000,3800,140000,101000,39000,32000,32000,40800,40800,79800,199800,38,76212,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37000,1,0,0,0,0,0,0,1,0,0,1,0,0 +"9859",1200,0,90000,0,90000,2309,2309,3509,3509,93509,93509,54,38250,2,10,0,1,0,1,1,1,0,1,1,0,0,0,4,1,0.3524857,3509,1,0,0,0,1,0,0,0,0,0,0,1,0 +"9860",0,0,2000,0,2000,175,-6109,175,-6109,-4109,-4109,31,29343,2,15,0,1,1,1,1,1,0,0,0,0,1,0,3,3,0.273178,-6109,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9861",7800,0,0,0,0,2100,-1200,9900,6600,6600,11600,52,37791,2,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.277538,6600,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9862",18400,1000,300000,100000,200000,57000,57000,76400,76400,276400,276400,32,55542,2,16,1,1,1,1,1,1,1,1,0,0,0,1,6,4,0.7130944,75400,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9863",33000,51000,130000,110000,20000,1500,-18050,85500,65950,85950,110950,50,51897,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,14950,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9864",0,2000,0,0,0,20,-2837,2020,-837,-837,1763,49,7296,3,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.0278493,-2837,0,1,0,0,0,0,0,0,0,0,0,1,0 +"9865",21000,0,0,0,0,36167,30987,57167,51987,51987,95087,58,30795,2,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.277538,51987,0,0,0,0,1,0,0,0,0,0,0,0,1 +"9866",0,1500,0,0,0,3000,-1500,4500,0,0,0,29,52944,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-1500,0,0,0,0,0,0,1,0,1,0,0,0,0 +"9867",0,0,0,0,0,326,226,326,226,226,476,28,14415,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,226,0,0,1,0,0,0,0,0,1,0,0,0,0 +"9868",14000,16000,150000,75000,75000,49699,49699,79699,79699,154699,159699,49,51213,3,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,63699,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9869",0,10000,145000,104000,41000,11552,-43848,21552,-33848,7152,29652,38,41400,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-43848,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9870",0,1500,120000,48500,71500,600,-2800,2100,-1300,70200,70200,35,24924,3,9,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-2800,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9871",0,0,0,0,0,1600,-13700,1600,-13700,-13700,-13700,28,21216,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,-13700,0,0,0,1,0,0,0,0,1,0,0,0,0 +"9872",0,21000,0,0,0,6299,5299,27299,26299,26299,28024,46,57678,2,12,0,0,0,0,1,1,1,0,0,1,0,0,6,2,0.3169526,5299,0,0,0,0,0,0,1,0,0,0,0,1,0 +"9873",0,12000,0,0,0,2000,-500,14000,11500,11500,11500,54,36000,2,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9874",14844,5000,250000,56000,194000,100,-400,19944,19444,213444,297444,62,64662,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,14444,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9875",0,28000,135000,65000,70000,3000,300,31000,28300,98300,105300,30,35940,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,300,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9876",0,4000,6000,18000,-12000,20,20,4020,4020,-7980,1531,46,28491,3,10,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,20,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9877",0,8000,40000,18000,22000,0,0,8000,8000,30000,33350,44,17880,1,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9878",0,2000,65000,39000,26000,8300,8300,10300,10300,36300,37800,34,43563,2,15,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,8300,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9879",0,4000,0,0,0,0,-700,4000,3300,3300,81300,48,19263,5,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-700,0,0,1,0,0,0,0,0,0,0,0,1,0 +"9880",16700,30000,70000,19000,51000,2299,2099,48999,48799,99799,102468,41,37254,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,18799,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9881",11000,0,0,0,0,36500,36500,47500,47500,47500,57850,46,35640,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,47500,0,0,0,0,1,0,0,0,0,0,0,1,0 +"9882",16500,1000,125000,33000,92000,17800,12925,35300,30425,122425,122425,38,57030,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,29425,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9883",0,3000,29000,29000,0,2000,1000,5000,4000,4000,305000,29,25059,7,8,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.273178,1000,1,0,0,1,0,0,0,0,1,0,0,0,0 +"9884",0,32829,80000,38500,41500,3076,-4424,35905,28405,69905,84524,59,51489,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-4424,1,0,0,0,0,0,1,0,0,0,0,0,1 +"9885",4000,65000,84000,40000,44000,13000,12500,82000,81500,125500,133125,45,63411,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,16500,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9886",0,0,50000,49000,1000,1000,1000,1000,1000,2000,12850,31,35586,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9887",0,5000,0,0,0,1000,-5500,6000,-500,-500,-500,40,24927,4,16,1,1,0,0,1,1,1,0,0,0,0,1,3,4,0.4366938,-5500,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9888",10000,21000,0,0,0,1342,-8390,32342,22610,22610,22610,37,65667,4,12,0,1,1,1,1,1,1,1,0,1,0,0,6,2,0.3533661,1610,0,0,0,0,0,0,1,0,0,0,1,0,0 +"9889",29000,70000,40000,25000,15000,11950,11350,110950,110350,125350,145350,50,99084,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,40350,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9890",0,3000,73600,40500,33100,1200,-6500,4200,-3500,29600,37600,31,29937,6,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-6500,1,0,0,1,0,0,0,0,0,1,0,0,0 +"9891",2600,0,90000,65000,25000,3200,3140,5800,5740,30740,45336,49,26505,2,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.4720998,5740,1,0,0,1,0,0,0,0,0,0,0,1,0 +"9892",2000,0,57000,35000,22000,20148,10148,22148,12148,34148,34148,36,58026,4,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,12148,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9893",0,80,46000,39000,7000,2805,-10195,2885,-10115,-3115,12885,34,49200,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-10195,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9894",0,1171,115000,11000,104000,893,-5441,2064,-4270,99730,99730,38,40488,4,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,-5441,1,0,0,0,0,1,0,0,0,0,1,0,0 +"9895",0,12000,200000,0,200000,2000,2000,14000,14000,214000,214000,45,48663,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 +"9896",0,10605,0,0,0,1395,-4705,12000,5900,5900,8624,40,38376,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-4705,0,0,0,0,1,0,0,0,0,0,1,0,0 +"9897",0,18000,85000,68300,16700,2901,-1799,20901,16201,32901,39397,29,39396,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-1799,1,0,0,0,1,0,0,0,1,0,0,0,0 +"9898",0,1000,0,0,0,3600,3570,4600,4570,4570,5570,32,8664,2,13,0,0,0,0,1,1,1,0,0,0,1,0,1,3,0.0278493,3570,0,1,0,0,0,0,0,0,0,1,0,0,0 +"9899",0,5000,0,0,0,812,-588,5812,4412,4412,8078,36,28500,3,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-588,0,0,0,1,0,0,0,0,0,0,1,0,0 +"9900",0,11000,183000,134000,49000,2499,-28201,13499,-17201,31799,31799,36,63546,5,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,-28201,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9901",0,1900,130000,51000,79000,6700,6700,8600,8600,87600,87600,34,70590,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,6700,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9902",2920,75000,259000,148500,110500,5100,2100,83020,80020,190520,190520,46,99372,5,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,5020,1,0,0,0,0,0,0,1,0,0,0,1,0 +"9903",0,17000,90000,38000,52000,700,-800,17700,16200,68200,76200,36,33738,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,1,0,0 +"9904",20000,18225,125000,0,125000,140910,140710,179135,178935,303935,470710,63,38307,1,14,0,0,0,0,1,1,1,1,0,0,1,0,4,3,0.3669286,160710,1,0,0,0,1,0,0,0,0,0,0,0,1 +"9905",0,5000,95000,80000,15000,14300,13900,19300,18900,33900,33900,32,49542,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,13900,1,0,0,0,0,1,0,0,0,1,0,0,0 +"9906",0,200,0,0,0,64,-1636,264,-1436,-1436,5564,27,37815,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-1636,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9907",0,4500,50000,44000,6000,0,0,4500,4500,10500,12000,42,16512,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9908",0,18000,75000,36000,39000,19164,16739,37164,34739,73739,82089,38,17028,3,14,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1582553,16739,1,0,1,0,0,0,0,0,0,0,1,0,0 +"9909",0,1950,0,0,0,400,-2700,2350,-750,-750,7750,28,31926,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-2700,0,0,0,0,1,0,0,0,1,0,0,0,0 +"9910",5000,27000,150000,65000,85000,8000,8000,40000,40000,125000,125000,49,64215,4,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,13000,1,0,0,0,0,0,1,0,0,0,0,1,0 +"9911",0,172,0,0,0,0,0,172,172,172,1322,34,13500,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 +"9912",0,4500,53000,49000,4000,936,-3664,5436,836,4836,7669,33,39027,3,12,1,1,1,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-3664,1,0,0,0,1,0,0,0,0,1,0,0,0 +"9913",0,0,250000,150000,100000,10150,6150,10150,6150,106150,211150,34,62616,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,6150,1,0,0,0,0,0,1,0,0,1,0,0,0 +"9914",0,15000,63000,59000,4000,3499,-501,18499,14499,18499,18499,41,56190,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-501,1,0,0,0,0,0,1,0,0,0,1,0,0 +"9915",0,600,0,0,0,0,-6000,600,-5400,-5400,-4300,28,26205,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-6000,0,0,0,1,0,0,0,0,1,0,0,0,0 diff --git a/src/CausalELM.jl b/src/CausalELM.jl index 6eb2af6a..5dbfd9a7 100644 --- a/src/CausalELM.jl +++ b/src/CausalELM.jl @@ -18,20 +18,20 @@ export hard_tanh, elish, fourier export binary_step, σ, tanh, relu export leaky_relu, swish, softmax, softplus export mse, mae, accuracy, precision, recall, F1 -export estimate_causal_effect!, summarize, summarise -export InterruptedTimeSeries, GComputation, DoubleMachineLearning -export SLearner, TLearner, XLearner, RLearner, DoublyRobustLearner +#export estimate_causal_effect!, summarize, summarise +#export InterruptedTimeSeries, GComputation, DoubleMachineLearning +#export SLearner, TLearner, XLearner, RLearner, DoublyRobustLearner -include("utilities.jl") include("activation.jl") +include("utilities.jl") include("models.jl") include("metrics.jl") -include("estimators.jl") -include("metalearners.jl") -include("inference.jl") -include("model_validation.jl") +#include("estimators.jl") +#include("metalearners.jl") +#include("inference.jl") +#include("model_validation.jl") # So that it works with British spelling -const summarise = summarize +#const summarise = summarize end diff --git a/src/estimators.jl b/src/estimators.jl index 452bd9e3..9e289b3d 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -315,16 +315,19 @@ function g_formula!(g) Xᵤ = hcat(covariates[g.T .== 1, 1:(end - 1)], zeros(size(g.T[g.T .== 1], 1))) end - if g.regularized - g.learner = RegularizedExtremeLearner(covariates, y, g.num_neurons, g.activation) - else - g.learner = ExtremeLearner(covariates, y, g.num_neurons, g.activation) - end - - fit!(g.learner) - yₜ = clip_if_binary(predict(g.learner, Xₜ), var_type(g.Y)) - yᵤ = clip_if_binary(predict(g.learner, Xᵤ), var_type(g.Y)) - return vec(yₜ) - vec(yᵤ) + #if g.regularized + #g.learner = RegularizedExtremeLearner(covariates, y, g.num_neurons, g.activation) + #else + #g.learner = ExtremeLearner(covariates, y, g.num_neurons, g.activation) + #end + + ensemble = ELMEnsemble(covariates, y, 1000, 100, 10) + + #fit!(g.learner) + return fit!(ensemble) + #yₜ = clip_if_binary(predict(g.learner, Xₜ), var_type(g.Y)) + #yᵤ = clip_if_binary(predict(g.learner, Xᵤ), var_type(g.Y)) + #return vec(yₜ) - vec(yᵤ) end """ diff --git a/src/model_validation.jl b/src/model_validation.jl index 6400f1ae..46f07a22 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -1,37 +1,3 @@ -"""Abstract type used to dispatch risk_ratio on nonbinary treatments""" -abstract type Nonbinary end - -"""Type used to dispatch risk_ratio on binary treatments""" -struct Binary end - -"""Type used to dispatch risk_ratio on count treatments""" -struct Count <: Nonbinary end - -"""Type used to dispatch risk_ratio on continuous treatments""" -struct Continuous <: Nonbinary end - -""" - var_type(x) - -Determine the type of variable held by a vector. - -# Examples -```jldoctest -julia> CausalELM.var_type([1, 2, 3, 2, 3, 1, 1, 3, 2]) -CausalELM.Count() -``` -""" -function var_type(x::Array{<:Real}) - x_set = Set(x) - if x_set == Set([0, 1]) || x_set == Set([0]) || x_set == Set([1]) - return Binary() - elseif x_set == Set(round.(x_set)) - return Count() - else - return Continuous() - end -end - """ validate(its; kwargs...) diff --git a/src/models.jl b/src/models.jl index c61b2803..a52d6ba6 100644 --- a/src/models.jl +++ b/src/models.jl @@ -1,8 +1,3 @@ -using LinearAlgebra: pinv, I, norm, tr - -"""Abstract type that includes vanilla and L2 regularized Extreme Learning Machines""" -abstract type ExtremeLearningMachine end - """ ExtremeLearner(X, Y, hidden_neurons, activation) @@ -25,7 +20,7 @@ julia> x, y = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0], [0.0, 1.0, 0.0, 1.0] julia> m1 = ExtremeLearner(x, y, 10, σ) ``` """ -mutable struct ExtremeLearner <: ExtremeLearningMachine +mutable struct ExtremeLearner X::Array{Float64} Y::Array{Float64} training_samples::Int64 @@ -45,40 +40,54 @@ mutable struct ExtremeLearner <: ExtremeLearningMachine end """ - RegularizedExtremeLearner(X, Y, hidden_neurons, activation) + ELMEnsemble(X, Y, sample_size, num_machines, num_neurons) + +Initialize a bagging ensemble of extreme learning machines. + +# Arguments +- `X::Array{Float64}`: array of features for predicting labels. +- `Y::Array{Float64}`: array of labels to predict. +- `sample_size::Integer`: how many data points to use for each extreme learning machine. +- `num_machines::Integer`: how many extreme learning machines to use. +- `num_neurons::Integer`: how many neurons to use for each extreme learning machine. +- `activation::Function`: activation function to use for the extreme learning machines. -Construct a RegularizedExtremeLearner for fitting and prediction. +# Notes +ELMEnsemble uses the same bagging approach as random forests when the labels are continuous +but uses the average predicted probability, rather than voting, for classification. # Examples ```julia -julia> x, y = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0], [0.0, 1.0, 0.0, 1.0] -julia> m1 = RegularizedExtremeLearner(x, y, 10, σ) +julia> X, Y = rand(100, 5), rand(100) +julia> m1 = ELMEnsemble(X, Y, 10, 50, 5, CausalELM.relu) ``` """ -mutable struct RegularizedExtremeLearner <: ExtremeLearningMachine +mutable struct ELMEnsemble X::Array{Float64} Y::Array{Float64} - training_samples::Int64 - features::Int64 - hidden_neurons::Int64 + elms::Array{CausalELM.ExtremeLearner} +end + +function ELMEnsemble( + X::Array{Float64}, + Y::Array{Float64}, + sample_size::Integer, + num_machines::Integer, + num_neurons::Integer, activation::Function - __fit::Bool - __estimated::Bool - weights::Array{Float64} - β::Array{Float64} - k::Float64 - H::Array{Float64} - counterfactual::Array{Float64} +) + # Sampling from the data with replacement + indices = [rand(1:length(Y), sample_size) for i ∈ 1:num_machines] + xs, ys = [X[i, :] for i ∈ indices], [Y[i] for i ∈ indices] + elms = [ExtremeLearner(xs[i], ys[i], num_neurons, activation) for i ∈ eachindex(xs)] - function RegularizedExtremeLearner(X, Y, hidden_neurons, activation) - return new(X, Y, size(X, 1), size(X, 2), hidden_neurons, activation, false, false) - end + return ELMEnsemble(X, Y, elms) end """ fit!(model) -Make predictions with an ExtremeLearner. +Fit an ExtremeLearner to the data. # References For more details see: @@ -95,39 +104,33 @@ function fit!(model::ExtremeLearner) set_weights_biases(model) model.__fit = true - model.β = @fastmath pinv(model.H) * model.Y + model.β = model.H\model.Y return model.β end """ fit!(model) -Fit a Regularized Extreme Learner. +Fit an ensemble of ExtremeLearners to the data. -# References -For more details see: - Li, Guoqiang, and Peifeng Niu. "An enhanced extreme learning machine based on ridge - regression for regression." Neural Computing and Applications 22, no. 3 (2013): - 803-810. +# Arguments +- `model::ELMEnsemble`: ensemble of ExtremeLearners to fit. + +# Notes +This uses the same bagging approach as random forests when the labels are continuous but +uses the average predicted probability, rather than voting, for classification. # Examples ```julia -julia> x, y = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0], [0.0, 1.0, 0.0, 1.0] -julia> m1 = RegularizedExtremeLearner(x, y, 10, σ) -julia> f1 = fit!(m1) +julia> X, Y = rand(100, 5), rand(100) +julia> m1 = ELMEnsemble(X, Y, 10, 50, 5, CausalELM.relu) +julia> fit!(m1) ``` """ -function fit!(model::RegularizedExtremeLearner) - set_weights_biases(model) - k = ridge_constant(model) - Id = Matrix(I, size(model.H, 2), size(model.H, 2)) - - model.β = @fastmath pinv(transpose(model.H) * model.H + k * Id) * - transpose(model.H) * - model.Y - model.__fit = true # Enables running predict - - return model.β +function fit!(model::ELMEnsemble) + Threads.@threads for elm in model.elms + fit!(elm) + end end """ @@ -148,12 +151,14 @@ julia> f1 = fit(m1, sigmoid) julia> predict(m1, [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0]) ``` """ -function predict(model::ExtremeLearningMachine, X) +function predict(model::ExtremeLearner, X) if !model.__fit throw(ErrorException("run fit! before calling predict")) end - return @fastmath model.activation(X * model.weights) * model.β + predictions = model.activation(X * model.weights) * model.β + + return @fastmath clip_if_binary(predictions, var_type(model.Y)) end """ @@ -175,7 +180,7 @@ julia> f1 = fit(m1, sigmoid) julia> predict_counterfactual!(m1, [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0]) ``` """ -function predict_counterfactual!(model::ExtremeLearningMachine, X) +function predict_counterfactual!(model::ExtremeLearner, X) model.counterfactual, model.__estimated = predict(model, X), true return model.counterfactual @@ -202,7 +207,7 @@ julia> predict_counterfactual(m1, [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0]) julia> placebo_test(m1) ``` """ -function placebo_test(model::ExtremeLearningMachine) +function placebo_test(model::ExtremeLearner) m = "Use predict_counterfactual! to estimate a counterfactual before using placebo_test" if !model.__estimated throw(ErrorException(m)) @@ -211,60 +216,9 @@ function placebo_test(model::ExtremeLearningMachine) end """ - ridge_constant(model, [,iterations]) - -Calculate the L2 penalty for a regularized extreme learning machine using generalized cross -validation with successive halving. - -# Arguments -- `model::RegularizedExtremeLearner`: regularized extreme learning machine. -- `iterations::Int`: number of iterations to perform for successive halving. - -# References -For more information see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - -# Examples -```julia -julia> m1 = RegularizedExtremeLearner(x, y, 10, σ) -julia> ridge_constant(m1) -julia> ridge_constant(m1, iterations=20) -``` -""" -function ridge_constant(model::RegularizedExtremeLearner, iterations::Int=10) - S(λ, X, X̂, n) = X * pinv(X̂ .+ (n * λ * Matrix(I, n, n))) * transpose(X) set_weights_biases(model) - Ĥ = transpose(model.H) * model.H - function gcv(H, Y, λ) # Estimates the generalized cross validation function for given λ - S̃, n = S(λ, H, Ĥ, size(H, 2)), size(H, 1) - return ((norm((ones(n) .- S̃) * Y)^2) / n) / ((tr(Matrix(I, n, n) .- S̃) / n)^2) - end - - k₁, k₂, Λ = 1e-9, 1 - 1e-9, sum((1e-9, 1 - 1e-9)) / 2 # Initial window to search - for i in 1:iterations - gcv₁, gcv₂ = @fastmath gcv(model.H, model.Y, k₁), gcv(model.H, model.Y, k₂) - - # Divide the search space in half - if gcv₁ < gcv₂ - k₂ /= 2 - elseif gcv₁ > gcv₂ - k₁ *= 2 - elseif gcv₁ ≈ gcv₂ - return (k₁ + k₂) / 2 # Early stopping - end - - Λ = (k₁ + k₂) / 2 - end - return Λ -end - -""" - set_weights_biases(model) - -Calculate the weights and biases for an extreme learning machine or regularized extreme -learning machine. +Calculate the weights and biases for an extreme learning machine. # Notes Initialization is done using uniform Xavier initialization. @@ -280,7 +234,7 @@ julia> m1 = RegularizedExtremeLearner(x, y, 10, σ) julia> set_weights_biases(m1) ``` """ -function set_weights_biases(model::ExtremeLearningMachine) +function set_weights_biases(model::ExtremeLearner) n_in, n_out = size(model.X, 2), model.hidden_neurons a, b = -sqrt(6) / sqrt(n_in + n_out), sqrt(6) / sqrt(n_in + n_out) model.weights = @fastmath a .+ ((b - a) .* rand(model.features, model.hidden_neurons)) @@ -293,12 +247,3 @@ function Base.show(io::IO, model::ExtremeLearner) io, "Extreme Learning Machine with ", model.hidden_neurons, " hidden neurons" ) end - -function Base.show(io::IO, model::RegularizedExtremeLearner) - return print( - io, - "Regularized Extreme Learning Machine with ", - model.hidden_neurons, - " hidden neurons", - ) -end diff --git a/src/utilities.jl b/src/utilities.jl index 0a47cb8f..b4bb7c02 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -1,3 +1,37 @@ +"""Abstract type used to dispatch risk_ratio on nonbinary treatments""" +abstract type Nonbinary end + +"""Type used to dispatch risk_ratio on binary treatments""" +struct Binary end + +"""Type used to dispatch risk_ratio on count treatments""" +struct Count <: Nonbinary end + +"""Type used to dispatch risk_ratio on continuous treatments""" +struct Continuous <: Nonbinary end + +""" + var_type(x) + +Determine the type of variable held by a vector. + +# Examples +```jldoctest +julia> CausalELM.var_type([1, 2, 3, 2, 3, 1, 1, 3, 2]) +CausalELM.Count() +``` +""" +function var_type(x::Array{<:Real}) + x_set = Set(x) + if x_set == Set([0, 1]) || x_set == Set([0]) || x_set == Set([1]) + return Binary() + elseif x_set == Set(round.(x_set)) + return Count() + else + return Continuous() + end +end + """ mean(x) diff --git a/test/runtests.jl b/test/runtests.jl index 51d898f8..02c71439 100644 --- a/test/runtests.jl +++ b/test/runtests.jl @@ -1,14 +1,16 @@ -using Test, Documenter, CausalELM +using Test +using Documenter +using CausalELM include("test_activation.jl") include("test_models.jl") -include("test_metrics.jl") -include("test_estimators.jl") -include("test_metalearners.jl") -include("test_inference.jl") -include("test_model_validation.jl") -include("test_utilities.jl") -include("test_aqua.jl") +#include("test_metrics.jl") +#include("test_estimators.jl") +#include("test_metalearners.jl") +#include("test_inference.jl") +#include("test_model_validation.jl") +#include("test_utilities.jl") +#include("test_aqua.jl") -DocMeta.setdocmeta!(CausalELM, :DocTestSetup, :(using CausalELM); recursive=true) -doctest(CausalELM) +#DocMeta.setdocmeta!(CausalELM, :DocTestSetup, :(using CausalELM); recursive=true) +#doctest(CausalELM) diff --git a/test/test_estimators.jl b/test/test_estimators.jl index 29e859e0..e20b7a5b 100644 --- a/test/test_estimators.jl +++ b/test/test_estimators.jl @@ -45,7 +45,8 @@ g_computer_ts = GComputation( float.(hcat([1:10;], 11:20)), Float64.([rand() < 0.4 for i in 1:10]), rand(10) ) -dm = DoubleMachineLearning(x, t, y) +big_x, big_t, big_y = rand(10000, 5), rand(0:1, 10000), vec(rand(1:100, 10000, 1)) +dm = DoubleMachineLearning(big_x, big_t, big_y, regularized=false) estimate_causal_effect!(dm) # Testing with a binary outcome diff --git a/testing.ipynb b/testing.ipynb new file mode 100644 index 00000000..dde92722 --- /dev/null +++ b/testing.ipynb @@ -0,0 +1,356 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "using CausalELM\n", + "using CSV\n", + "using DataFrames\n", + "using Random" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(\u001b[1m9915×8 DataFrame\u001b[0m\n", + "\u001b[1m Row \u001b[0m│\u001b[1m age \u001b[0m\u001b[1m inc \u001b[0m\u001b[1m fsize \u001b[0m\u001b[1m marr \u001b[0m\u001b[1m twoearn \u001b[0m\u001b[1m db \u001b[0m\u001b[1m pira \u001b[0m\u001b[1m hown \u001b[0m\n", + " │\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\n", + "──────┼──────────────────────────────────────────────────────────\n", + " 1 │ 31 28146 5 1 0 0 0 1\n", + " 2 │ 52 32634 5 0 0 0 0 1\n", + " 3 │ 50 52206 3 1 1 0 1 1\n", + " 4 │ 28 45252 4 1 1 0 0 0\n", + " 5 │ 42 33126 3 0 0 1 0 1\n", + " 6 │ 49 76860 6 1 1 1 0 1\n", + " 7 │ 40 57477 4 1 1 1 0 1\n", + " 8 │ 58 14637 1 0 0 0 0 0\n", + " ⋮ │ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮\n", + " 9909 │ 28 31926 2 1 1 0 0 0\n", + " 9910 │ 49 64215 4 1 1 0 1 1\n", + " 9911 │ 34 13500 1 0 0 1 0 0\n", + " 9912 │ 33 39027 3 1 0 1 0 1\n", + " 9913 │ 34 62616 4 1 1 0 0 1\n", + " 9914 │ 41 56190 3 1 1 1 0 1\n", + " 9915 │ 28 26205 4 1 1 0 0 0\n", + "\u001b[36m 9900 rows omitted\u001b[0m, [0, 0, 0, 0, 0, 0, 0, 0, 0, 0 … 1, 1, 1, 1, 1, 1, 1, 1, 1, 1], [-3300, 61010, 8849, -6013, -2375, -11000, -16901, 1000, 0, 6400 … -1436, 4500, 34739, -750, 40000, 172, 836, 6150, 14499, -5400])" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "pension_df = CSV.read(\"pension.csv\", DataFrame)\n", + "pension_df = pension_df[:, [10, 22, 13, 14, 15, 18, 20, 17, 24, 33]]\n", + "covariates, treatment, outcome = pension_df[:, 3:end], pension_df[:, 2], pension_df[:, 1]" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "DoubleMachineLearning([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], \"ATE\", false, \"regression\", true, CausalELM.relu, 8954, NaN, 5)" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "glearner = DoubleMachineLearning(covariates, treatment, outcome)" + ] + }, + { + "cell_type": "code", + "execution_count": 66, + "metadata": {}, + "outputs": [], + "source": [ + "estimate_causal_effect!(glearner)" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "([0.23716522406873197 0.08463142909640708 … 0.30968748590862305 0.04725439908425155; 0.13055165056767004 0.9220378350184131 … 0.572606572207097 0.3884781806564631; … ; 0.5640916988721004 0.853346124678495 … 0.8469263452425522 0.1257190755169607; 0.6679763039334277 0.47972447662761064 … 0.37811702580338935 0.617016732528424], [0.6491269811582214, 0.5932565556655242, 0.8565916760297303, 0.7021098498625459, 0.5264840904652793, 0.7432901746261853, 0.7807974247740146, 0.540402591727013, 0.6592750061253853, 0.8705468971445318 … 0.27613447847948525, 0.23299375275857093, 0.9834654852036273, 0.26905537667480783, 0.2977201330273679, 0.2251454190526, 0.22413247851994167, 0.0759353440270586, 0.11762273465665674, 0.7904463339844465])" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "x, y = rand(10000, 7), rand(10000)" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Regularized Extreme Learning Machine with 32 hidden neurons" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "learner = CausalELM.RegularizedExtremeLearner(x, y, 32, CausalELM.relu)" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "32-element Vector{Float64}:\n", + " 0.026749830711221247\n", + " 0.21033200016686496\n", + " 0.0998447220434613\n", + " -0.0016226945603700442\n", + " 0.3597543007214425\n", + " -0.043393923445557585\n", + " -0.0965275383555918\n", + " 0.16851120953021403\n", + " -0.557573006115525\n", + " -0.2778346924700644\n", + " ⋮\n", + " 0.5212664218550033\n", + " 0.13173644509429325\n", + " 0.5211474953702191\n", + " -0.20661927597795182\n", + " 0.08922154206186592\n", + " 0.16653105344587832\n", + " 0.28420105086226877\n", + " 0.14469922378022404\n", + " 0.23991509930469146" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "CausalELM.fit!(learner)" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "100-element Vector{Vector{Float64}}:\n", + " [0.33563059342914375, 1.554096183061739, 0.34175856928495607, 1.4843766215556682, -0.1271150310066662]\n", + " [-0.17343604358378908, 0.12755980344503404, 0.4879726895099466, 0.4237855857253079, 0.33327314853638307]\n", + " [0.6867049618284538, 1.7639485392494731, -0.1769622610416582, 0.8025175209234753, 0.3162124425261725]\n", + " [0.4311107417441136, 0.3815772807360452, 0.04724625538049302, 0.35167417631976233, -0.22961157745956168]\n", + " [0.07929165744768467, 0.42503570736716156, 0.11718878236558518, 0.6794679592330893, 0.2097825511197849]\n", + " [0.0, -0.10187284552293427, 0.3254677777717854, 3.202266196543033e-17, 0.19784989559926286]\n", + " [0.3612678189475889, 0.3231944876545776, -3.10093526107407e-15, 0.7815001221603154, 0.06663446895775363]\n", + " [1.2569802097480374, -3.0084525386329504, -0.6188530616095848, 0.4304718396128743, 0.5344934682266744]\n", + " [0.3410220874955934, 0.4997803635021601, 0.15743896412842878, 0.4836342090809235, -0.009722499096015656]\n", + " [0.25605571278411066, 0.4139552997221257, 0.24509473398353754, -0.2951807601203683, 0.481253052059495]\n", + " ⋮\n", + " [0.3288054483267889, 0.9013569758236797, 0.6578316039798714, 0.15582113363566913, 0.5738668694380774]\n", + " [3.248579620102745, 0.40409889685896394, 0.0985940078506724, 0.0067590730144703615, 1.2317304730902332]\n", + " [0.5369175126794183, -0.015930203977996292, 3.5387922344531497, 0.0, 0.33289240822647176]\n", + " [0.4198364812057246, 0.08732942450079251, 0.24260485315730573, 0.3572921516525323, 0.5746169223073783]\n", + " [0.31779097678518065, 0.07942042685607537, 1.3334033473644795, -0.14338187719100173, 8.836720786077997]\n", + " [0.16254422052556974, -0.1802461953026333, 0.14242076117583533, 1.1571796204354574, 0.28481885986823574]\n", + " [0.685903612597394, 0.31148278612632635, -0.5170648985089248, -0.9241162798988115, 0.5149519883264604]\n", + " [-0.8330554768181385, 0.8461605570419718, 2.2803866099371377, 0.603911556736617, 0.32424145127162707]\n", + " [0.15366760321947498, 0.15943453750552228, 0.1835045671943382, 0.35920664108713546, 0.5726955152306309]" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "xs = [rand(1000, 8) for i in 1:100]\n", + "ys = [rand(1000) for i in 1:100]\n", + "\n", + "learners = [CausalELM.ExtremeLearner(xs[i], ys[i], 5, CausalELM.relu) for i in 1:100]\n", + "CausalELM.fit!.(learners)" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "fit! (generic function with 1 method)" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "mutable struct ELMEnsemble\n", + " X::Array{Float64}\n", + " Y::Array{Float64}\n", + " elms::Array{CausalELM.ExtremeLearner}\n", + "end\n", + "\n", + "function ELMEnsemble(\n", + " X::Array{Float64}, \n", + " Y::Array{Float64}, \n", + " sample_size::Integer, \n", + " num_machines::Integer, \n", + " num_neurons::Integer\n", + ")\n", + " rows = [rand(1:length(Y), length(Y)) for i in 1:num_machines]\n", + " cols = [randperm(size(X, 2))[1:floor(Int64, sqrt(size(X, 2)))] for i ∈ 1:num_machines]\n", + " xs, ys = [X[rows[i], cols[i]] for i ∈ eachindex(rows)], [Y[rows[i]] for i ∈ eachindex(rows)]\n", + " elms = [CausalELM.ExtremeLearner(xs[i], ys[i], num_neurons, CausalELM.relu) for i ∈ 1:num_machines]\n", + "\n", + " return ELMEnsemble(X, Y, elms)\n", + "end\n", + "\n", + "fit!(mod::ELMEnsemble) = CausalELM.fit!.(mod.elms)" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "ELMEnsemble([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], CausalELM.ExtremeLearner[Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons … Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons])" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "ensemble = ELMEnsemble(Matrix{Float64}(covariates), Float64.(outcome[:, 1]), 10000, 100, 10)" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "100-element Vector{Vector{Float64}}:\n", + " [6211.408699229452, 1.5821332294031651, -13735.18658175283, 0.6524374453029926, 260.79520738555453, 1.4013393161668026, -1351.18915422185, 14631.142361137296, 0.9738553598743988, 1.1907620936611532]\n", + " [-14401.515405970058, 71237.03121623177, -12585.477651933446, 14439.162597071294, -10985.595229244644, 23574.843298215033, 23123.869962055618, 23070.273691837538, 493.1701340561063, -56151.84544187152]\n", + " [-180.9263418876608, 0.0, 2873.5351527420603, -1985.5623964348392, -2686.811852048377, 4511.355299849305, -9875.408841485112, -1349.9293238605605, 5779.2168040718025, -120.24340400725902]\n", + " [0.0, -6257.710632510187, -19899.275681606392, -16954.679812461578, 0.0, 0.0, 22644.406308937705, 12385.177066525117, 51354.12427458451, 15260.878775158537]\n", + " [0.0, -3.300096251119809e15, 0.0, 0.0, 1.141844324809179e15, 7.393788509724736e14, 1.7904369830116632e15, 2.6663150926029503e14, 0.0, 7.774942140694326e14]\n", + " [-3151.838470139144, -10383.352842604001, 11084.317949300957, 7973.378634912843, -2573.788285713935, -6076.600754842969, -5001.902619455806, 5085.817075745457, -2560.722142072292, -367.7558818064236]\n", + " [1.6277175605843621, 3117.694700931024, 2.361719043673525, 7280.362734347653, 2.468991888640467, -3380.1737591954293, 1.5647624191343106, 1.968202909363788, -3658.633769147186, -3358.6532965786114]\n", + " [-959.5515039803628, 4847.7005289207555, -54.64283896285632, -2010.2367295961028, 347.12791831595365, -2219.632018093638, -2958.9591465487624, 3584.88174745901, -2103.8706823506204, 2347.975167620959]\n", + " [-7.432851434925925e15, -7.152424395228097e15, 6.498232078193411e15, -5.506981178516333e15, -2.4306382649357785e15, -3.85487461200726e14, 0.0, -2.1495576377182664e16, 2.2808371919013564e16, -4.728371175101958e14]\n", + " [3.968512877385542e14, -4.2016920358834445e13, 4.394459409700396e14, 0.0, -1.7376151004264258e15, 0.0, 0.0, 9.138496048629146e14, 8.730984540773104e14, 0.0]\n", + " ⋮\n", + " [2.5111642430234305e15, 4.4144861452837655e15, 0.0, -1.0389084074647591e15, -3.710721494724108e15, 1.5134248352427647e14, -6.394314202404305e14, -2.359146805234892e14, -9.711459015071153e13, -2.7838525887806795e15]\n", + " [15339.355321092233, 0.0, -7799.710349503419, 6808.794537731961, 4310.575689883699, -6696.812699412644, 30828.081214803475, -18842.49313890705, 0.0, -4764.3975931383075]\n", + " [9.53119581828307, -2613.249757248563, 0.0, -6851.415814567537, 0.0, 4555.988386908157, 0.0, 2932.1577282942258, 7464.138877252999, 0.0]\n", + " [0.0, 457.96912941704437, 0.0, 0.0, 0.0, 0.0, -2538.003159802811, -1950.0744518654026, 0.0, 2422.833745318398]\n", + " [4.6223974052008156e14, -4.17677104566351e13, 148407.48552676724, 6.625672071293822e14, 0.0, -1.89276732464444e15, -6.35864548866026e15, 7.107445078285544e15, 0.0, -5.883871732283758e14]\n", + " [-2.488017783615532e15, 0.0, -3.232214028710555e15, -2.7047704701998908e16, 2.5234325424644948e16, -7.421062032934681e14, -1.0707706149704448e16, 2.970090106272004e16, -1.0611540444238498e16, 2.47090955969143e15]\n", + " [0.0, 484.06561245772554, 290.34026327001453, -246.52186686817424, 15.511050526591374, 0.0, 708.0513209491902, 59.23240302631112, 0.0, 0.0]\n", + " [-7271.874885144173, 1.0969661825276436, 0.8583024387021408, 0.6096652093586122, 11385.905612580555, 0.8678820176045222, 1.9270399348042067, 0.5995702485614363, 1.1909960302658429, -2008.6992656209904]\n", + " [0.0, 0.0, 0.0, 0.0, 2.980561509923307e15, 0.0, 5748.538791400475, 0.0, -3.4821433570100465e15, -2.986917228323147e14]" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "fit!(ensemble)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "GComputation([0.2438970367354274 1.0203271610609299e-5 … 0.4557954201596055 0.12617408413868259; 0.9722098498565798 0.9404158702616398 … 0.572663944473092 0.4275299444804007; … ; 0.8794397256676026 0.3601868122972116 … 0.7393696907435132 0.8348951617519277; 0.014716984885172035 0.46589184307039333 … 0.7082478540550154 0.24368612561948588], [1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0 … 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0], [0.203432368671021, 0.7340111063697138, 0.9246754848534284, 0.08645250409038174, 0.5651033787805703, 0.023292113627898514, 0.32903202710805357, 0.7016381615911508, 0.014335546595652393, 0.8721335250668286 … 0.7910929379901037, 0.3368161498494835, 0.40237100558857697, 0.5284804552447494, 0.7622417670440221, 0.30391987549352806, 0.9757684512845898, 0.8711831517392297, 0.3426427099660381, 0.007855605424861856], \"ATE\", true, \"regression\", false, CausalELM.relu, 8451, NaN, #undef)" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "m1 = GComputation(x, rand(0:1, 10000), y, regularized=false)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.5764691423345073" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "estimate_causal_effect!(m1)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Julia 1.8.5", + "language": "julia", + "name": "julia-1.8" + }, + "language_info": { + "file_extension": ".jl", + "mimetype": "application/julia", + "name": "julia", + "version": "1.8.5" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From e486c6015ad7715d67d6b0ae56abb874cf4fd30d Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Thu, 27 Jun 2024 23:30:08 -0500 Subject: [PATCH 05/24] Implemented ELM ensembles with bagging --- src/CausalELM.jl | 16 +- src/estimators.jl | 194 +++++++++++------- src/inference.jl | 31 ++- src/metalearners.jl | 365 +++++++++++++++++++--------------- src/model_validation.jl | 77 +++---- src/models.jl | 52 ++++- src/utilities.jl | 7 +- test/runtests.jl | 18 +- test/test_estimators.jl | 35 +--- test/test_inference.jl | 2 +- test/test_metalearners.jl | 56 ++---- test/test_model_validation.jl | 8 +- test/test_models.jl | 135 +++++++------ test/test_utilities.jl | 47 ++--- testing.ipynb | 204 +++---------------- 15 files changed, 589 insertions(+), 658 deletions(-) diff --git a/src/CausalELM.jl b/src/CausalELM.jl index 5dbfd9a7..f4b4d354 100644 --- a/src/CausalELM.jl +++ b/src/CausalELM.jl @@ -18,20 +18,20 @@ export hard_tanh, elish, fourier export binary_step, σ, tanh, relu export leaky_relu, swish, softmax, softplus export mse, mae, accuracy, precision, recall, F1 -#export estimate_causal_effect!, summarize, summarise -#export InterruptedTimeSeries, GComputation, DoubleMachineLearning -#export SLearner, TLearner, XLearner, RLearner, DoublyRobustLearner +export estimate_causal_effect!, summarize, summarise +export InterruptedTimeSeries, GComputation, DoubleMachineLearning +export SLearner, TLearner, XLearner, RLearner, DoublyRobustLearner include("activation.jl") include("utilities.jl") include("models.jl") include("metrics.jl") -#include("estimators.jl") -#include("metalearners.jl") -#include("inference.jl") -#include("model_validation.jl") +include("estimators.jl") +include("metalearners.jl") +include("inference.jl") +include("model_validation.jl") # So that it works with British spelling -#const summarise = summarize +const summarise = summarize end diff --git a/src/estimators.jl b/src/estimators.jl index 9e289b3d..7dafe935 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -11,16 +11,20 @@ Initialize an interrupted time series estimator. - `Y₁::Any`: an array or DataFrame of outcomes from the pre-treatment period. - `X₁::Any`: an array or DataFrame of covariates from the post-treatment period. - `Y₁::Any`: an array or DataFrame of outcomes from the post-treatment period. -- `regularized::Function=true`: whether to use L2 regularization # Keywords -- `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `activation::Function=relu`: activation function to use. +- `sample_size::Integer=size(X₀, 1)`: number of bootstrapped samples for the extreme + learner. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X₀, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For a simple linear regression-based tutorial on interrupted time series analysis see: @@ -57,9 +61,11 @@ function InterruptedTimeSeries( Y₀, X₁, Y₁; - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X₀, 2)) * size(X₀, 1)), + sample_size::Integer=size(X₀, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X₀, 2)))), + num_neurons::Integer=round(Int, log10(size(X₀, 1)) * size(X₀, 2)), autoregression::Bool=true, ) # Convert to arrays @@ -73,14 +79,16 @@ function InterruptedTimeSeries( return InterruptedTimeSeries( X₀, - Float64.(Y₀), - Float64.(X₁), - Float64.(Y₁), + float(Y₀), + X₁, + float(Y₁), "difference", true, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(Y₁, 1)), ) @@ -99,14 +107,18 @@ Initialize a G-Computation estimator. # Keywords - `quantity_of_interest::String`: ATE for average treatment effect or ATT for average treatment effect on the treated. -- `regularized::Function=true`: whether to use L2 regularization -- `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `activation::Function=relu`: activation function to use. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for the extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For a good overview of G-Computation see: @@ -136,17 +148,19 @@ julia> m5 = GComputation(x_df, t_df, y_df) mutable struct GComputation <: CausalEstimator @standard_input_data @model_config average_effect - learner::ExtremeLearningMachine + ensemble::ELMEnsemble function GComputation( X, T, Y; quantity_of_interest::String="ATE", - regularized::Bool=true, activation::Function=relu, + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), temporal::Bool=true, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), ) if quantity_of_interest ∉ ("ATE", "ITT", "ATT") throw(ArgumentError("quantity_of_interest must be ATE, ITT, or ATT")) @@ -158,14 +172,16 @@ mutable struct GComputation <: CausalEstimator task = var_type(Y) isa Binary ? "classification" : "regression" return new( - Float64.(X), - Float64.(T), - Float64.(Y), + X, + float(T), + float(Y), quantity_of_interest, temporal, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, NaN, ) @@ -184,19 +200,19 @@ Initialize a double machine learning estimator with cross fitting. # Keywords - `W::Any`: array or dataframe of all possible confounders. -- `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for teh extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. - `folds::Integer`: number of folds to use for cross fitting. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. - -Unlike other estimators, this method does not support time series or panel data. This method -also does not work as well with smaller datasets because it estimates separate outcome -models for the treatment and control groups. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For more information see: @@ -229,9 +245,11 @@ function DoubleMachineLearning( T, Y; W=X, - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, ) # Convert to arrays @@ -241,14 +259,16 @@ function DoubleMachineLearning( return DoubleMachineLearning( X, - Float64.(T), - Float64.(Y), - Float64.(W), + float(T), + float(Y), + W, "ATE", false, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, NaN, folds, @@ -268,23 +288,22 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(its::InterruptedTimeSeries) - if its.regularized - learner = RegularizedExtremeLearner(its.X₀, its.Y₀, its.num_neurons, its.activation) - else - learner = ExtremeLearner(its.X₀, its.Y₀, its.num_neurons, its.activation) - end + learner = ELMEnsemble( + its.X₀, + its.Y₀, + its.sample_size, + its.num_machines, + its.num_feats, + its.num_neurons, + its.activation + ) fit!(learner) - its.causal_effect = predict_counterfactual!(learner, its.X₁) - its.Y₁ + its.causal_effect = predict_mean(learner, its.X₁) - its.Y₁ return its.causal_effect end -function estimate_causal_effect!(g::GComputation) - g.causal_effect = mean(g_formula!(g)) - return g.causal_effect -end - """ estimate_causal_effect!(g) @@ -297,14 +316,34 @@ no periods. For example, given that ividuals 1, 2, ..., i ∈ I recieved either or a placebo in p different periods, the model would estimate the average treatment effect as E[Yᵢ|T₁=1, T₂=1, ... Tₚ=1, Xₚ] - E[Yᵢ|T₁=0, T₂=0, ... Tₚ=0, Xₚ]. +# Examples +```julia +julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) +julia> m1 = GComputation(X, T, Y) +julia> estimate_causal_effect!(m1) +``` +""" +function estimate_causal_effect!(g::GComputation) + g.causal_effect = mean(g_formula!(g)) + return g.causal_effect +end + +""" + g_formula!(g) + +Compute the G-formula for G-computation and S-learning. + # Examples ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) julia> m1 = GComputation(X, T, Y) julia> g_formula!(m1) + +julia> m2 = SLearner(X, T, Y) +julia> g_formula!(m2) ``` """ -function g_formula!(g) +function g_formula!(g) # Keeping this separate enables it to be reused for S-Learning covariates, y = hcat(g.X, g.T), g.Y if g.quantity_of_interest ∈ ("ITT", "ATE", "CATE") @@ -315,19 +354,21 @@ function g_formula!(g) Xᵤ = hcat(covariates[g.T .== 1, 1:(end - 1)], zeros(size(g.T[g.T .== 1], 1))) end - #if g.regularized - #g.learner = RegularizedExtremeLearner(covariates, y, g.num_neurons, g.activation) - #else - #g.learner = ExtremeLearner(covariates, y, g.num_neurons, g.activation) - #end + g.ensemble = ELMEnsemble( + covariates, + y, + g.sample_size, + g.num_machines, + g.num_feats, + g.num_neurons, + g.activation + ) - ensemble = ELMEnsemble(covariates, y, 1000, 100, 10) + fit!(g.ensemble) + + yₜ, yᵤ = predict_mean(g.ensemble, Xₜ), predict_mean(g.ensemble, Xᵤ) - #fit!(g.learner) - return fit!(ensemble) - #yₜ = clip_if_binary(predict(g.learner, Xₜ), var_type(g.Y)) - #yᵤ = clip_if_binary(predict(g.learner, Xᵤ), var_type(g.Y)) - #return vec(yₜ) - vec(yᵤ) + return vec(yₜ) - vec(yᵤ) end """ @@ -408,23 +449,30 @@ julia> predict_residuals(m1, x_train, x_test, y_train, y_test, t_train, t_test) ``` """ function predict_residuals( - D, x_train, x_test, y_train, y_test, t_train, t_test, w_train, w_test + D, + x_train::Array{Float64}, + x_test::Array{Float64}, + y_train::Vector{Float64}, + y_test::Vector{Float64}, + t_train::Vector{Float64}, + t_test::Vector{Float64}, + w_train::Array{Float64}, + w_test::Array{Float64}, ) V = x_train != w_train && x_test != w_test ? reduce(hcat, (x_train, w_train)) : x_train V_test = V == x_train ? x_test : reduce(hcat, (x_test, w_test)) - if D.regularized - y = RegularizedExtremeLearner(V, y_train, D.num_neurons, D.activation) - t = RegularizedExtremeLearner(V, t_train, D.num_neurons, D.activation) - else - y = ExtremeLearner(V, y_train, D.num_neurons, D.activation) - t = ExtremeLearner(V, t_train, D.num_neurons, D.activation) - end + y = ELMEnsemble( + V, y_train, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation + ) + t = ELMEnsemble( + V, t_train, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation + ) fit!(y) fit!(t) - y_pred = clip_if_binary(predict(y, V_test), var_type(D.Y)) - t_pred = clip_if_binary(predict(t, V_test), var_type(D.T)) + + y_pred, t_pred = predict_mean(y, V_test), predict_mean(t, V_test) ỹ, t̃ = y_test - y_pred, t_test - t_pred return ỹ, t̃ diff --git a/src/inference.jl b/src/inference.jl index 696ff691..70cda237 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -43,15 +43,15 @@ function summarize(mod; n=1000, inference=false) end summary_dict = Dict() - double_estimators = (DoubleMachineLearning, DoublyRobustLearner) - task = typeof(mod) in double_estimators ? "regression" : mod.task nicenames = [ "Task", "Quantity of Interest", - "Regularized", "Activation Function", - "Time Series/Panel Data", + "Sample Size", + "Number of Machines", + "Number of Features", "Number of Neurons", + "Time Series/Panel Data", "Causal Effect", "Standard Error", "p-value", @@ -64,12 +64,14 @@ function summarize(mod; n=1000, inference=false) end values = [ - task, + mod.task, mod.quantity_of_interest, - mod.regularized, mod.activation, - mod.temporal, + mod.sample_size, + mod.num_machines, + mod.num_feats, mod.num_neurons, + mod.temporal, mod.causal_effect, stderr, p, @@ -115,6 +117,7 @@ function summarize(its::InterruptedTimeSeries; n=1000, mean_effect=true, inferen end effect = ifelse(mean_effect, mean(its.causal_effect), sum(its.causal_effect)) + qoi = mean_effect ? "Average Difference" : "Cumulative Difference" if inference p, stderr = quantities_of_interest(its, n, mean_effect) @@ -125,19 +128,27 @@ function summarize(its::InterruptedTimeSeries; n=1000, mean_effect=true, inferen summary_dict = Dict() nicenames = [ "Task", - "Regularized", + "Quantity of Interest", "Activation Function", + "Sample Size", + "Number of Machines", + "Number of Features", "Number of Neurons", + "Time Series/Panel Data", "Causal Effect", "Standard Error", "p-value", ] values = [ - "Regression", - its.regularized, + its.task, + qoi, its.activation, + its.sample_size, + its.num_machines, + its.num_feats, its.num_neurons, + its.temporal, effect, stderr, p, diff --git a/src/metalearners.jl b/src/metalearners.jl index e4dbd8d5..7c58db46 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -12,25 +12,28 @@ Initialize a S-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For an overview of S-Learners and other metalearners see: -Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for -estimating heterogeneous treatment effects using machine learning." Proceedings of -the national academy of sciences 116, no. 10 (2019): 4156-4165. + Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for + estimating heterogeneous treatment effects using machine learning." Proceedings of + the national academy of sciences 116, no. 10 (2019): 4156-4165. For details and a derivation of the generalized cross validation estimator see: -Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a -method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): -215-223. + Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a + method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. # Examples ```julia @@ -47,15 +50,17 @@ julia> m4 = SLearner(x_df, t_df, y_df) mutable struct SLearner <: Metalearner @standard_input_data @model_config individual_effect - learner::ExtremeLearningMachine + ensemble::ELMEnsemble function SLearner( X, T, Y; - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) # Convert to arrays @@ -70,8 +75,10 @@ mutable struct SLearner <: Metalearner "CATE", false, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(T, 1)), ) @@ -89,25 +96,28 @@ Initialize a T-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For an overview of T-Learners and other metalearners see: -Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for -estimating heterogeneous treatment effects using machine learning." Proceedings of -the national academy of sciences 116, no. 10 (2019): 4156-4165. + Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for + estimating heterogeneous treatment effects using machine learning." Proceedings of + the national academy of sciences 116, no. 10 (2019): 4156-4165. For details and a derivation of the generalized cross validation estimator see: -Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a -method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): -215-223. + Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a + method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. # Examples ```julia @@ -123,16 +133,18 @@ julia> m3 = TLearner(x_df, t_df, y_df) mutable struct TLearner <: Metalearner @standard_input_data @model_config individual_effect - μ₀::ExtremeLearningMachine - μ₁::ExtremeLearningMachine + μ₀::ELMEnsemble + μ₁::ELMEnsemble function TLearner( X, T, Y; - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] @@ -146,8 +158,10 @@ mutable struct TLearner <: Metalearner "CATE", false, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(T, 1)), ) @@ -165,14 +179,18 @@ Initialize an X-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `regularized::Function=true`: whether to use L2 regularization - `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For an overview of X-Learners and other metalearners see: @@ -199,17 +217,19 @@ julia> m3 = XLearner(x_df, t_df, y_df) mutable struct XLearner <: Metalearner @standard_input_data @model_config individual_effect - μ₀::ExtremeLearningMachine - μ₁::ExtremeLearningMachine + μ₀::ELMEnsemble + μ₁::ELMEnsemble ps::Array{Float64} function XLearner( X, T, Y; - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] @@ -223,8 +243,10 @@ mutable struct XLearner <: Metalearner "CATE", false, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(T, 1)), ) @@ -243,16 +265,18 @@ Initialize an R-Learner. # Keywords - `W::Any` : an array of all possible confounders. -- `regularized::Function=true`: whether to use L2 regularizations - `activation::Function=relu`: the activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. -- `folds::Integer`: number of folds to use for cross fitting. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. ## References For an explanation of R-Learner estimation see: @@ -288,7 +312,10 @@ function RLearner( Y; W=X, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, ) @@ -305,8 +332,10 @@ function RLearner( "CATE", false, task, - true, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(T, 1)), folds, @@ -324,16 +353,19 @@ Initialize a doubly robust CATE estimator. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `W::Any`: an array or dataframe of all possible confounders. -- `regularized::Function=true`: whether to use L2 regularization -- `activation::Function=relu`: activation function to use. -- `num_neurons::Integer`: number of neurons to use in the extreme learning machine. +- `W::Any` : an array of all possible confounders. +- `activation::Function=relu`: the activation function to use. +- `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme + learners. +- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for + each learner in the ensemble. +- `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -If regularized is set to true then the ridge penalty will be estimated using generalized -cross validation where the maximum number of iterations is 2 * folds for the successive -halving procedure. If num_neurons is not specified then the number of neurons will be set to -log₁₀(number of observations) * number of features. +To reduce computational complexity and overfitting, the model used to estimate the +counterfactual is a bagged ensemble extreme learning machines. To further reduce the +computational complexity you can reduce sample_size, num_machines, or num_neurons. # References For an explanation of doubly robust cate estimation see: @@ -368,9 +400,11 @@ function DoublyRobustLearner( T, Y; W=X, - regularized::Bool=true, activation::Function=relu, - num_neurons::Integer=round(Int, log10(size(X, 2)) * size(X, 1)), + sample_size::Integer=size(X, 1), + num_machines::Integer=100, + num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, ) # Convert to arrays @@ -386,8 +420,10 @@ function DoublyRobustLearner( "CATE", false, task, - regularized, activation, + sample_size, + num_machines, + num_feats, num_neurons, fill(NaN, size(T, 1)), folds, @@ -437,24 +473,19 @@ julia> estimate_causal_effect!(m5) """ function estimate_causal_effect!(t::TLearner) x₀, x₁, y₀, y₁ = t.X[t.T .== 0, :], t.X[t.T .== 1, :], t.Y[t.T .== 0], t.Y[t.T .== 1] - type = var_type(t.Y) - # Only search for the best number of neurons once and use the same number for inference - t.num_neurons = t.num_neurons === 0 ? best_size(t) : t.num_neurons + t.μ₀ = ELMEnsemble( + x₀, y₀, t.sample_size, t.num_machines, t.num_feats, t.num_neurons, t.activation + ) - if t.regularized - t.μ₀ = RegularizedExtremeLearner(x₀, y₀, t.num_neurons, t.activation) - t.μ₁ = RegularizedExtremeLearner(x₁, y₁, t.num_neurons, t.activation) - else - t.μ₀ = ExtremeLearner(x₀, y₀, t.num_neurons, t.activation) - t.μ₁ = ExtremeLearner(x₁, y₁, t.num_neurons, t.activation) - end + t.μ₁ = ELMEnsemble( + x₁, y₁, t.sample_size, t.num_machines, t.num_feats, t.num_neurons, t.activation + ) fit!(t.μ₀) fit!(t.μ₁) - predictionsₜ = clip_if_binary(predict(t.μ₁, t.X), type) - predictionsᵪ = clip_if_binary(predict(t.μ₀, t.X), type) - t.causal_effect = @fastmath vec(predictionsₜ .- predictionsᵪ) + predictionsₜ, predictionsᵪ = predict_mean(t.μ₁, t.X), predict_mean(t.μ₀, t.X) + t.causal_effect = @fastmath vec(predictionsₜ - predictionsᵪ) return t.causal_effect end @@ -478,16 +509,11 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(x::XLearner) - # Only search for the best number of neurons once and use the same number for inference - x.num_neurons = x.num_neurons === 0 ? best_size(x) : x.num_neurons - - type = var_type(x.Y) stage1!(x) μχ₀, μχ₁ = stage2!(x) x.causal_effect = @fastmath vec(( - (x.ps .* clip_if_binary(predict(μχ₀, x.X), type)) .+ - ((1 .- x.ps) .* clip_if_binary(predict(μχ₁, x.X), type)) + (x.ps .* predict_mean(μχ₀, x.X)) .+ ((1 .- x.ps) .* predict_mean(μχ₁, x.X)) )) return x.causal_effect @@ -511,38 +537,8 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(R::RLearner) - # Uses the same number of neurons for all phases of estimation - R.num_neurons = R.num_neurons === 0 ? best_size(R) : R.num_neurons - - # Just estimate the causal effect using the underlying DML and the weight trick - R.causal_effect = causal_loss(R) - - return R.causal_effect -end - -""" - causal_loss(R) - -Minimize the causal loss function for an R-learner. - -# Notes -This function should not be called directly. - -# References -For an overview of R-learning see: - Nie, Xinkun, and Stefan Wager. "Quasi-oracle estimation of heterogeneous treatment - effects." Biometrika 108, no. 2 (2021): 299-319. - -# Examples -```julia -julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) -julia> m1 = RLearner(X, T, Y) -julia> causal_loss(m1) -``` -""" -function causal_loss(R::RLearner) X, T, W, Y = make_folds(R) - predictors = Vector{RegularizedExtremeLearner}(undef, R.folds) + predictors = Vector{ELMEnsemble}(undef, R.folds) # Cross fitting by training on the main folds and predicting residuals on the auxillary for fld in 1:(R.folds) @@ -557,12 +553,24 @@ function causal_loss(R::RLearner) # Using the weight trick to get the non-parametric CATE for an R-learner X[fld], Y[fld] = (T̃ .^ 2) .* X_test, (T̃ .^ 2) .* (Ỹ ./ T̃) - mod = RegularizedExtremeLearner(X[fld], Y[fld], R.num_neurons, R.activation) + mod = ELMEnsemble( + X[fld], + Y[fld], + R.sample_size, + R.num_machines, + R.num_feats, + R.num_neurons, + R.activation + ) + fit!(mod) predictors[fld] = mod end - final_predictions = [predict(m, reduce(vcat, X)) for m in predictors] - return vec(mapslices(mean, reduce(hcat, final_predictions); dims=2)) + + final_predictions = [predict_mean(m, reduce(vcat, X)) for m in predictors] + R.causal_effect = vec(mapslices(mean, reduce(hcat, final_predictions); dims=2)) + + return R.causal_effect end """ @@ -587,9 +595,6 @@ function estimate_causal_effect!(DRE::DoublyRobustLearner) Z = DRE.W == DRE.X ? X : [reduce(hcat, (z)) for z in zip(X, W)] causal_effect = zeros(size(DRE.T, 1)) - # Uses the same number of neurons for all phases of estimation - DRE.num_neurons = DRE.num_neurons === 0 ? best_size(DRE) : DRE.num_neurons - # Rotating folds for cross fitting for i in 1:2 causal_effect .+= doubly_robust_formula!(DRE, X, T, Y, Z) @@ -628,20 +633,40 @@ julia> g_formula!(m1, X, T, Y, Z) ``` """ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) - π_arg, P = (Z[1], T[1], DRE.num_neurons, σ), var_type(DRE.Y) - μ₀_arg = Z[1][T[1] .== 0, :], Y[1][T[1] .== 0], DRE.num_neurons, DRE.activation - μ₁_arg = Z[1][T[1] .== 1, :], Y[1][T[1] .== 1], DRE.num_neurons, DRE.activation - # Propensity scores - π_e = DRE.regularized ? RegularizedExtremeLearner(π_arg...) : ExtremeLearner(π_arg...) + π_e = ELMEnsemble( + Z[1], + T[1], + DRE.sample_size, + DRE.num_machines, + DRE.num_feats, + DRE.num_neurons, + DRE.activation + ) # Outcome predictions - μ₀ = DRE.regularized ? RegularizedExtremeLearner(μ₀_arg...) : ExtremeLearner(μ₀_arg...) - μ₁ = DRE.regularized ? RegularizedExtremeLearner(μ₁_arg...) : ExtremeLearner(μ₁_arg...) + μ₀ = ELMEnsemble( + Z[1][T[1] .== 0, :], + Y[1][T[1] .== 0], + DRE.sample_size, + DRE.num_machines, + DRE.num_feats, + DRE.num_neurons, + DRE.activation + ) + + μ₁ = ELMEnsemble( + Z[1][T[1] .== 1, :], + Y[1][T[1] .== 1], + DRE.sample_size, + DRE.num_machines, + DRE.num_feats, + DRE.num_neurons, + DRE.activation + ) fit!.((π_e, μ₀, μ₁)) - π̂ = clip_if_binary(predict(π_e, Z[2]), Binary()) - μ₀̂, μ₁̂ = clip_if_binary(predict(μ₀, Z[2]), P), clip_if_binary(predict(μ₁, Z[2]), P) + π̂ , μ₀̂, μ₁̂ = predict_mean(π_e, Z[2]), predict_mean(μ₀, Z[2]), predict_mean(μ₁, Z[2]) # Pseudo outcomes ϕ̂ = @@ -649,11 +674,18 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) (Y[2] .- T[2] .* μ₁̂ .- (1 .- T[2]) .* μ₀̂) .+ μ₁̂ .- μ₀̂ # Final model - τ_arg = X[2], ϕ̂, DRE.num_neurons, DRE.activation - τ_est = DRE.regularized ? RegularizedExtremeLearner(τ_arg...) : ExtremeLearner(τ_arg...) + τ_est = ELMEnsemble( + X[2], + ϕ̂, + DRE.sample_size, + DRE.num_machines, + DRE.num_feats, + DRE.num_neurons, + DRE.activation + ) fit!(τ_est) - return clip_if_binary(predict(τ_est, DRE.X), P) + return predict_mean(τ_est, DRE.X) end """ @@ -672,27 +704,33 @@ julia> stage1!(m1) ``` """ function stage1!(x::XLearner) - if x.regularized - g = RegularizedExtremeLearner(x.X, x.T, x.num_neurons, x.activation) - x.μ₀ = RegularizedExtremeLearner( - x.X[x.T .== 0, :], x.Y[x.T .== 0], x.num_neurons, x.activation - ) - x.μ₁ = RegularizedExtremeLearner( - x.X[x.T .== 1, :], x.Y[x.T .== 1], x.num_neurons, x.activation - ) - else - g = ExtremeLearner(x.X, x.T, x.num_neurons, x.activation) - x.μ₀ = ExtremeLearner( - x.X[x.T .== 0, :], x.Y[x.T .== 0], x.num_neurons, x.activation - ) - x.μ₁ = ExtremeLearner( - x.X[x.T .== 1, :], x.Y[x.T .== 1], x.num_neurons, x.activation - ) - end + g = ELMEnsemble( + x.X, x.T, x.sample_size, x.num_machines, x.num_feats, x.num_neurons, x.activation + ) + + x.μ₀ = ELMEnsemble( + x.X[x.T .== 0, :], + x.Y[x.T .== 0], + x.sample_size, + x.num_machines, + x.num_feats, + x.num_neurons, + x.activation + ) + + x.μ₁ = ELMEnsemble( + x.X[x.T .== 1, :], + x.Y[x.T .== 1], + x.sample_size, + x.num_machines, + x.num_feats, + x.num_neurons, + x.activation + ) # Get propensity scores fit!(g) - x.ps = clip_if_binary(predict(g, x.X), Binary()) + x.ps = predict_mean(g, x.X) # Fit first stage outcome models fit!(x.μ₀) @@ -716,21 +754,28 @@ julia> stage2!(m1) ``` """ function stage2!(x::XLearner) - m₁ = clip_if_binary(predict(x.μ₁, x.X .- x.Y), var_type(x.Y)) - m₀ = clip_if_binary(predict(x.μ₀, x.X), var_type(x.Y)) + m₁, m₀ = predict_mean(x.μ₁, x.X .- x.Y), predict_mean(x.μ₀, x.X) d = ifelse(x.T === 0, m₁, x.Y .- m₀) + + μχ₀ = ELMEnsemble( + x.X[x.T .== 0, :], + d[x.T .== 0], + x.sample_size, + x.num_machines, + x.num_feats, + x.num_neurons, + x.activation + ) - if x.regularized - μχ₀ = RegularizedExtremeLearner( - x.X[x.T .== 0, :], d[x.T .== 0], x.num_neurons, x.activation - ) - μχ₁ = RegularizedExtremeLearner( - x.X[x.T .== 1, :], d[x.T .== 1], x.num_neurons, x.activation - ) - else - μχ₀ = ExtremeLearner(x.X[x.T .== 0, :], d[x.T .== 0], x.num_neurons, x.activation) - μχ₁ = ExtremeLearner(x.X[x.T .== 1, :], d[x.T .== 1], x.num_neurons, x.activation) - end + μχ₁ = ELMEnsemble( + x.X[x.T .== 1, :], + d[x.T .== 1], + x.sample_size, + x.num_machines, + x.num_feats, + x.num_neurons, + x.activation + ) fit!(μχ₀) fit!(μχ₁) diff --git a/src/model_validation.jl b/src/model_validation.jl index 46f07a22..5cfd87a2 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -174,7 +174,7 @@ function covariate_independence(its::InterruptedTimeSeries; n=1000) x₀ = reduce(hcat, (its.X₀[:, 1:(end - 1)], zeros(size(its.X₀, 1)))) x₁ = reduce(hcat, (its.X₁[:, 1:(end - 1)], ones(size(its.X₁, 1)))) x = reduce(vcat, (x₀, x₁)) - results = Dict{String,Float64}() + results = Dict{String, Float64}() # Estimate a linear regression with each covariate as a dependent variable and all other # covariates and time as independent variables @@ -558,7 +558,7 @@ function risk_ratio(::Nonbinary, mod) # Otherwise, we convert the treatment variable to a binary variable and then # dispatch based on the type of outcome variable else - original_T, binary_T = mod.T, binarize(mod.T, mean(mod.Y)) + original_T, binary_T = mod.T, binarize(mod.T, mean(mod.T)) mod.T = binary_T rr = risk_ratio(Binary(), mod) @@ -575,14 +575,14 @@ function risk_ratio(::Binary, ::Binary, mod) Xₜ, Xᵤ = reduce(hcat, (Xₜ, ones(size(Xₜ, 1)))), reduce(hcat, (Xᵤ, ones(size(Xᵤ, 1)))) # For algorithms that use one model to estimate the outcome - if hasfield(typeof(mod), :learner) - return @fastmath mean(predict(mod.learner, Xₜ)) / mean(predict(mod.learner, Xᵤ)) + if hasfield(typeof(mod), :ensemble) + return @fastmath mean(predict_mean(mod.ensemble, Xₜ)) / mean(predict_mean(mod.ensemble, Xᵤ)) # For models that use separate models for outcomes in the treatment and control group else hasfield(typeof(mod), :μ₀) Xₜ, Xᵤ = mod.X[mod.T .== 1, :], mod.X[mod.T .== 0, :] - return @fastmath mean(predict(mod.μ₁, Xₜ)) / mean(predict(mod.μ₀, Xᵤ)) + return @fastmath mean(predict_mean(mod.μ₁, Xₜ)) / mean(predict_mean(mod.μ₀, Xᵤ)) end end @@ -593,26 +593,27 @@ function risk_ratio(::Binary, ::Count, mod) Xₜ, Xᵤ = reduce(hcat, (Xₜ, ones(m))), reduce(hcat, (Xᵤ, ones(n))) # For estimators with a single model of the outcome variable - if hasfield(typeof(mod), :learner) - return @fastmath (sum(predict(mod.learner, Xₜ)) / m) / - (sum(predict(mod.learner, Xᵤ)) / n) + if hasfield(typeof(mod), :ensemble) + return @fastmath (sum(predict_mean(mod.ensemble, Xₜ)) / m) / + (sum(predict_mean(mod.ensemble, Xᵤ)) / n) # For models that use separate models for outcomes in the treatment and control group elseif hasfield(typeof(mod), :μ₀) Xₜ, Xᵤ = mod.X[mod.T .== 1, :], mod.X[mod.T .== 0, :] - return @fastmath mean(predict(mod.μ₁, Xₜ)) / mean(predict(mod.μ₀, Xᵤ)) + return @fastmath mean(predict_mean(mod.μ₁, Xₜ)) / mean(predict_mean(mod.μ₀, Xᵤ)) else - if mod.regularized - learner = RegularizedExtremeLearner( - reduce(hcat, (mod.X, mod.T)), mod.Y, mod.num_neurons, mod.activation - ) - else - learner = ExtremeLearner( - reduce(hcat, (mod.X, mod.T)), mod.Y, mod.num_neurons, mod.activation + learner = ELMEnsemble( + reduce(hcat, (mod.X, mod.T)), + mod.Y, + mod.sample_size, + mod.num_machines, + mod.num_feats, + mod.num_neurons, + mod.activation ) - end + fit!(learner) - @fastmath (sum(predict(learner, Xₜ)) / m) / (sum(predict(learner, Xᵤ)) / n) + @fastmath mean(predict_mean(learner, Xₜ)) / mean(predict_mean(learner, Xᵤ)) end end @@ -652,16 +653,18 @@ julia> positivity(g_computer) ``` """ function positivity(model, min=1.0e-6, max=1 - min) - if model.regularized - ps_mod = RegularizedExtremeLearner( - model.X, model.T, model.num_neurons, model.activation - ) - else - ps_mod = ExtremeLearner(model.X, model.T, model.num_neurons, model.activation) - end + ps_mod = ELMEnsemble( + model.X, + model.T, + model.sample_size, + model.num_machines, + model.num_feats, + model.num_neurons, + model.activation + ) fit!(ps_mod) - propensity_scores = predict(ps_mod, model.X) + propensity_scores = predict_mean(ps_mod, model.X) # Observations that have a zero probability of treatment or control assignment return reduce( @@ -683,25 +686,3 @@ function positivity(model::XLearner, min=1.0e-6, max=1 - min) ), ) end - -function positivity(model::Union{DoubleMachineLearning,RLearner}, min=1.0e-6, max=1 - min) - if model.regularized - ps_mod = RegularizedExtremeLearner( - model.X, model.T, model.num_neurons, model.activation - ) - else - ps_mod = ExtremeLearner(model.X, model.T, model.num_neurons, model.activation) - end - - fit!(ps_mod) - propensity_scores = predict(ps_mod, model.X) - - # Observations that have a zero probability of treatment or control assignment - return reduce( - hcat, - ( - model.X[propensity_scores .<= min .|| propensity_scores .>= max, :], - propensity_scores[propensity_scores .<= min .|| propensity_scores .>= max], - ), - ) -end diff --git a/src/models.jl b/src/models.jl index a52d6ba6..f8516947 100644 --- a/src/models.jl +++ b/src/models.jl @@ -1,3 +1,6 @@ +using Random: shuffle +using CausalELM: mean, clip_if_binary, var_type + """ ExtremeLearner(X, Y, hidden_neurons, activation) @@ -28,14 +31,13 @@ mutable struct ExtremeLearner hidden_neurons::Int64 activation::Function __fit::Bool - __estimated::Bool weights::Array{Float64} β::Array{Float64} H::Array{Float64} counterfactual::Array{Float64} function ExtremeLearner(X, Y, hidden_neurons, activation) - return new(X, Y, size(X, 1), size(X, 2), hidden_neurons, activation, false, false) + return new(X, Y, size(X, 1), size(X, 2), hidden_neurons, activation, false) end end @@ -49,6 +51,7 @@ Initialize a bagging ensemble of extreme learning machines. - `Y::Array{Float64}`: array of labels to predict. - `sample_size::Integer`: how many data points to use for each extreme learning machine. - `num_machines::Integer`: how many extreme learning machines to use. +- `num_feats::Integer`: how many features to consider for eac exreme learning machine. - `num_neurons::Integer`: how many neurons to use for each extreme learning machine. - `activation::Function`: activation function to use for the extreme learning machines. @@ -59,29 +62,33 @@ but uses the average predicted probability, rather than voting, for classificati # Examples ```julia julia> X, Y = rand(100, 5), rand(100) -julia> m1 = ELMEnsemble(X, Y, 10, 50, 5, CausalELM.relu) +julia> m1 = ELMEnsemble(X, Y, 10, 50, 5, 5, CausalELM.relu) ``` """ mutable struct ELMEnsemble X::Array{Float64} Y::Array{Float64} - elms::Array{CausalELM.ExtremeLearner} + elms::Array{ExtremeLearner} + feat_indices::Vector{Vector{Int64}} end function ELMEnsemble( X::Array{Float64}, Y::Array{Float64}, sample_size::Integer, - num_machines::Integer, + num_machines::Integer, + num_feats::Integer, num_neurons::Integer, activation::Function ) # Sampling from the data with replacement indices = [rand(1:length(Y), sample_size) for i ∈ 1:num_machines] - xs, ys = [X[i, :] for i ∈ indices], [Y[i] for i ∈ indices] + feat_indices = [shuffle(1:size(X, 2))[1:num_feats] for i ∈ 1:num_machines] + xs = [X[indices[i], feat_indices[i]] for i ∈ 1:num_machines] + ys = [Y[indices[i]] for i ∈ 1:num_machines] elms = [ExtremeLearner(xs[i], ys[i], num_neurons, activation) for i ∈ eachindex(xs)] - return ELMEnsemble(X, Y, elms) + return ELMEnsemble(X, Y, elms, feat_indices) end """ @@ -136,7 +143,11 @@ end """ predict(model, X) -Use an ExtremeLearningMachine to make predictions. +Use an ExtremeLearningMachine or ELMEnsemble to make predictions. + +# Notes +If using an ensemble to make predictions, this method returns a maxtirs where each row is a +prediction and each column is a model. # References For more details see: @@ -147,8 +158,12 @@ For more details see: ```julia julia> x, y = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0], [0.0, 1.0, 0.0, 1.0] julia> m1 = ExtremeLearner(x, y, 10, σ) -julia> f1 = fit(m1, sigmoid) +julia> fit!(m1, sigmoid) julia> predict(m1, [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0]) + +julia> m2 = ELMEnsemble(X, Y, 10, 50, 5, CausalELM.relu) +julia> fit!(m2) +julia> predict(m2) ``` """ function predict(model::ExtremeLearner, X) @@ -161,6 +176,15 @@ function predict(model::ExtremeLearner, X) return @fastmath clip_if_binary(predictions, var_type(model.Y)) end +@inline function predict(model::ELMEnsemble, X) + return reduce( + hcat, + [predict(model.elms[i], X[:, model.feat_indices[i]]) for i ∈ 1:length(model.elms)] + ) +end + +predict_mean(model::ELMEnsemble, X) = vec(mapslices(mean, predict(model, X), dims=2)) + """ predict_counterfactual!(model, X) @@ -181,7 +205,7 @@ julia> predict_counterfactual!(m1, [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0]) ``` """ function predict_counterfactual!(model::ExtremeLearner, X) - model.counterfactual, model.__estimated = predict(model, X), true + model.counterfactual = predict(model, X) return model.counterfactual end @@ -209,7 +233,7 @@ julia> placebo_test(m1) """ function placebo_test(model::ExtremeLearner) m = "Use predict_counterfactual! to estimate a counterfactual before using placebo_test" - if !model.__estimated + if !isdefined(model, :counterfactual) throw(ErrorException(m)) end return predict(model, model.X), model.counterfactual @@ -247,3 +271,9 @@ function Base.show(io::IO, model::ExtremeLearner) io, "Extreme Learning Machine with ", model.hidden_neurons, " hidden neurons" ) end + +function Base.show(io::IO, model::ELMEnsemble) + return print( + io, "Extreme Learning Machine Ensemble with ", length(model.elms), " learners" + ) +end diff --git a/src/utilities.jl b/src/utilities.jl index b4bb7c02..24ed2130 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -23,6 +23,7 @@ CausalELM.Count() """ function var_type(x::Array{<:Real}) x_set = Set(x) + if x_set == Set([0, 1]) || x_set == Set([0]) || x_set == Set([1]) return Binary() elseif x_set == Set(round.(x_set)) @@ -137,9 +138,11 @@ macro model_config(effect_type) quantity_of_interest::String temporal::Bool task::String - regularized::Bool activation::Function - num_neurons::Int64 + sample_size::Integer + num_machines::Integer + num_feats::Integer + num_neurons::Integer causal_effect::$field_type end return esc(fields) diff --git a/test/runtests.jl b/test/runtests.jl index 02c71439..a5b44fcf 100644 --- a/test/runtests.jl +++ b/test/runtests.jl @@ -4,13 +4,13 @@ using CausalELM include("test_activation.jl") include("test_models.jl") -#include("test_metrics.jl") -#include("test_estimators.jl") -#include("test_metalearners.jl") -#include("test_inference.jl") -#include("test_model_validation.jl") -#include("test_utilities.jl") -#include("test_aqua.jl") +include("test_metrics.jl") +include("test_estimators.jl") +include("test_metalearners.jl") +include("test_inference.jl") +include("test_model_validation.jl") +include("test_utilities.jl") +include("test_aqua.jl") -#DocMeta.setdocmeta!(CausalELM, :DocTestSetup, :(using CausalELM); recursive=true) -#doctest(CausalELM) +DocMeta.setdocmeta!(CausalELM, :DocTestSetup, :(using CausalELM); recursive=true) +doctest(CausalELM) diff --git a/test/test_estimators.jl b/test/test_estimators.jl index e20b7a5b..c437ed55 100644 --- a/test/test_estimators.jl +++ b/test/test_estimators.jl @@ -19,10 +19,6 @@ its_df = InterruptedTimeSeries(x₀_df, y₀_df, x₁_df, y₁_df) its_no_ar = InterruptedTimeSeries(x₀, y₀, x₁, y₁) estimate_causal_effect!(its_no_ar) -# Testing without regularization -its_noreg = InterruptedTimeSeries(x₀, y₀, x₁, y₁; regularized=false) -estimate_causal_effect!(its_noreg) - x, t, y = rand(100, 5), rand(0:1, 100), vec(rand(1:100, 100, 1)) g_computer = GComputation(x, t, y; temporal=false) estimate_causal_effect!(g_computer) @@ -37,16 +33,14 @@ t_df, y_df = DataFrame(; t=rand(0:1, 100)), DataFrame(; y=rand(100)) g_computer_df = GComputation(x_df, t_df, y_df) gcomputer_att = GComputation(x, t, y; quantity_of_interest="ATT", temporal=false) estimate_causal_effect!(gcomputer_att) -gcomputer_noreg = GComputation(x, t, y; regularized=false) -estimate_causal_effect!(gcomputer_noreg) # Make sure the data isn't shuffled g_computer_ts = GComputation( float.(hcat([1:10;], 11:20)), Float64.([rand() < 0.4 for i in 1:10]), rand(10) ) -big_x, big_t, big_y = rand(10000, 5), rand(0:1, 10000), vec(rand(1:100, 10000, 1)) -dm = DoubleMachineLearning(big_x, big_t, big_y, regularized=false) +big_x, big_t, big_y = rand(10000, 8), rand(0:1, 10000), vec(rand(1:100, 10000, 1)) +dm = DoubleMachineLearning(big_x, big_t, big_y) estimate_causal_effect!(dm) # Testing with a binary outcome @@ -56,10 +50,6 @@ estimate_causal_effect!(dm_binary_out) # With dataframes instead of arrays dm_df = DoubleMachineLearning(x_df, t_df, y_df) -# No regularization -dm_noreg = DoubleMachineLearning(x, t, y; regularized=false) -estimate_causal_effect!(dm_noreg) - # Specifying W dm_w = DoubleMachineLearning(x, t, y; W=rand(100, 4)) estimate_causal_effect!(dm_w) @@ -74,10 +64,9 @@ x_fold, t_fold, w_fold, y_fold = CausalELM.make_folds(dm) # Test predicting residuals x_train, x_test = x[1:80, :], x[81:end, :] -t_train, t_test = t[1:80], t[81:100] -y_train, y_test = y[1:80], y[81:end] -residual_predictor = DoubleMachineLearning(x, t, y) -residual_predictor.num_neurons = 5 +t_train, t_test = float(t[1:80]), float(t[81:end]) +y_train, y_test = float(y[1:80]), float(y[81:end]) +residual_predictor = DoubleMachineLearning(x, t, y, num_neurons=5) residuals = CausalELM.predict_residuals( residual_predictor, x_train, x_test, y_train, y_test, t_train, t_test, x_train, x_test ) @@ -107,9 +96,6 @@ residuals = CausalELM.predict_residuals( # Without autocorrelation @test isa(its_no_ar.causal_effect, Array) - - # Without regularization - @test isa(its_noreg.causal_effect, Array) end end @@ -133,9 +119,6 @@ end @testset "G-Computation Estimation" begin @test isa(g_computer.causal_effect, Float64) - - # Estimation without regularization - @test isa(gcomputer_noreg.causal_effect, Float64) @test isa(g_computer_binary_out.causal_effect, Float64) # Check that the estimats for ATE and ATT are different @@ -149,11 +132,6 @@ end @test dm.T !== Nothing @test dm.Y !== Nothing - # No regularization - @test dm_noreg.X !== Nothing - @test dm_noreg.T !== Nothing - @test dm_noreg.Y !== Nothing - # Intialized with dataframes @test dm_df.X !== Nothing @test dm_df.T !== Nothing @@ -174,12 +152,11 @@ end @testset "Double Machine Learning Post-estimation Structure" begin @test dm.causal_effect isa Float64 @test dm_binary_out.causal_effect isa Float64 - @test dm_noreg.causal_effect isa Float64 @test dm_w.causal_effect isa Float64 end end -@testset "Summarization and Inference" begin +@testset "Miscellaneous Tests" begin @testset "Quanities of Interest Errors" begin @test_throws ArgumentError GComputation(x, y, t, quantity_of_interest="abc") end diff --git a/test/test_inference.jl b/test/test_inference.jl index 7ff2dda2..116857e4 100644 --- a/test/test_inference.jl +++ b/test/test_inference.jl @@ -56,7 +56,7 @@ rlearner = RLearner(x, t, y) estimate_causal_effect!(rlearner) summary9 = summarize(rlearner, n=10) -dr_learner = DoublyRobustLearner(x, t, y, regularized=false) +dr_learner = DoublyRobustLearner(x, t, y) estimate_causal_effect!(dr_learner) dr_learner_inference = CausalELM.generate_null_distribution(dr_learner, 10) p8, stderr8 = CausalELM.quantities_of_interest(dr_learner, 10) diff --git a/test/test_metalearners.jl b/test/test_metalearners.jl index 149ab031..91d35e37 100644 --- a/test/test_metalearners.jl +++ b/test/test_metalearners.jl @@ -5,9 +5,8 @@ using DataFrames include("../src/models.jl") x, t, y = rand(100, 5), Float64.([rand() < 0.4 for i in 1:100]), vec(rand(1:100, 100, 1)) -slearner1, slearner2 = SLearner(x, t, y), SLearner(x, t, y; regularized=false) -estimate_causal_effect!(slearner1); -estimate_causal_effect!(slearner2); +slearner1 = SLearner(x, t, y) +estimate_causal_effect!(slearner1) # S-learner with a binary outcome s_learner_binary = SLearner(x, y, t) @@ -19,12 +18,11 @@ t_df, y_df = DataFrame(; t=rand(0:1, 100)), DataFrame(; y=rand(100)) s_learner_df = SLearner(x_df, t_df, y_df) -tlearner1, tlearner2 = TLearner(x, t, y), TLearner(x, t, y; regularized=false) -estimate_causal_effect!(tlearner1); -estimate_causal_effect!(tlearner2); +tlearner1 = TLearner(x, t, y) +estimate_causal_effect!(tlearner1) # T-learner initialized with DataFrames -t_learner_df = TLearner(x_df, t_df, y_df, regularized=false) +t_learner_df = TLearner(x_df, t_df, y_df) # Testing with a binary outcome t_learner_binary = TLearner(x, t, Float64.([rand() < 0.8 for i in 1:100])) @@ -35,7 +33,7 @@ xlearner1.num_neurons = 5 CausalELM.stage1!(xlearner1) stage21 = CausalELM.stage2!(xlearner1) -xlearner2 = XLearner(x, t, y; regularized=false) +xlearner2 = XLearner(x, t, y) xlearner2.num_neurons = 5 CausalELM.stage1!(xlearner2); CausalELM.stage2!(xlearner2); @@ -44,9 +42,6 @@ stage22 = CausalELM.stage2!(xlearner1) xlearner3 = XLearner(x, t, y) estimate_causal_effect!(xlearner3) -xlearner4 = XLearner(x, t, y; regularized=true) -estimate_causal_effect!(xlearner4) - # Testing initialization with DataFrames x_learner_df = XLearner(x_df, t_df, y_df) @@ -75,10 +70,6 @@ W = [fl[:, (size(dr_learner.W, 2) + 2):end] for fl in X_T] τ̂ = CausalELM.doubly_robust_formula!(dr_learner, X, T, Y, reduce(hcat, (W, X))) estimate_causal_effect!(dr_learner) -# Doubly Robust Estimation with no regularization -dr_no_reg = DoublyRobustLearner(x, t, y; W=rand(100, 4), regularized=false) -estimate_causal_effect!(dr_no_reg) - # Testing Doubly Robust Estimation with a binary outcome dr_learner_binary = DoublyRobustLearner(x, t, Float64.([rand() < 0.8 for i in 1:100])) estimate_causal_effect!(dr_learner_binary) @@ -93,10 +84,6 @@ estimate_causal_effect!(dr_learner_df) @test slearner1.T isa Array{Float64} @test slearner1.Y isa Array{Float64} - @test slearner2.X isa Array{Float64} - @test slearner2.T isa Array{Float64} - @test slearner2.Y isa Array{Float64} - @test s_learner_df.X isa Array{Float64} @test s_learner_df.T isa Array{Float64} @test s_learner_df.Y isa Array{Float64} @@ -104,7 +91,6 @@ estimate_causal_effect!(dr_learner_df) @testset "S-Learner Estimation" begin @test isa(slearner1.causal_effect, Array{Float64}) - @test isa(slearner2.causal_effect, Array{Float64}) @test isa(s_learner_binary.causal_effect, Array{Float64}) end end @@ -114,9 +100,6 @@ end @test tlearner1.X !== Nothing @test tlearner1.T !== Nothing @test tlearner1.Y !== Nothing - @test tlearner2.X !== Nothing - @test tlearner2.T !== Nothing - @test tlearner2.Y !== Nothing @test t_learner_df.X !== Nothing @test t_learner_df.T !== Nothing @test t_learner_df.Y !== Nothing @@ -124,47 +107,39 @@ end @testset "T-Learner Estimation" begin @test isa(tlearner1.causal_effect, Array{Float64}) - @test isa(tlearner2.causal_effect, Array{Float64}) @test isa(t_learner_binary.causal_effect, Array{Float64}) end end @testset "X-Learners" begin @testset "First Stage X-Learner" begin - @test typeof(xlearner1.μ₀) <: CausalELM.ExtremeLearningMachine - @test typeof(xlearner1.μ₁) <: CausalELM.ExtremeLearningMachine + @test typeof(xlearner1.μ₀) <: CausalELM.ELMEnsemble + @test typeof(xlearner1.μ₁) <: CausalELM.ELMEnsemble @test xlearner1.ps isa Array{Float64} - @test xlearner1.μ₀.__fit === true - @test xlearner1.μ₁.__fit === true - @test typeof(xlearner2.μ₀) <: CausalELM.ExtremeLearningMachine - @test typeof(xlearner2.μ₁) <: CausalELM.ExtremeLearningMachine + @test typeof(xlearner2.μ₀) <: CausalELM.ELMEnsemble + @test typeof(xlearner2.μ₁) <: CausalELM.ELMEnsemble @test xlearner2.ps isa Array{Float64} - @test xlearner2.μ₀.__fit === true - @test xlearner2.μ₁.__fit === true end @testset "Second Stage X-Learner" begin @test length(stage21) == 2 - @test eltype(stage21) <: CausalELM.ExtremeLearningMachine + @test eltype(stage21) <: CausalELM.ELMEnsemble @test length(stage22) == 2 - @test eltype(stage22) <: CausalELM.ExtremeLearningMachine + @test eltype(stage22) <: CausalELM.ELMEnsemble end @testset "X-Learner Structure" begin @test xlearner3.X !== Nothing @test xlearner3.T !== Nothing @test xlearner3.Y !== Nothing - @test xlearner4.X !== Nothing - @test xlearner4.T !== Nothing - @test xlearner4.Y !== Nothing @test x_learner_df.X !== Nothing @test x_learner_df.T !== Nothing @test x_learner_df.Y !== Nothing end @testset "X-Learner Estimation" begin - @test typeof(xlearner3.μ₀) <: CausalELM.ExtremeLearningMachine - @test typeof(xlearner3.μ₁) <: CausalELM.ExtremeLearningMachine + @test typeof(xlearner3.μ₀) <: CausalELM.ELMEnsemble + @test typeof(xlearner3.μ₁) <: CausalELM.ELMEnsemble @test xlearner3.ps isa Array{Float64} @test xlearner3.causal_effect isa Array{Float64} @test x_learner_binary.causal_effect isa Array{Float64} @@ -218,8 +193,5 @@ end @test dr_learner_binary.causal_effect isa Vector @test length(dr_learner_binary.causal_effect) === length(y) @test eltype(dr_learner_binary.causal_effect) == Float64 - @test dr_no_reg.causal_effect isa Vector - @test length(dr_no_reg.causal_effect) === length(y) - @test eltype(dr_no_reg.causal_effect) == Float64 end end diff --git a/test/test_model_validation.jl b/test/test_model_validation.jl index f855fe35..95385c93 100644 --- a/test/test_model_validation.jl +++ b/test/test_model_validation.jl @@ -37,10 +37,6 @@ discrete_counterfactual_violations = CausalELM.simulate_counterfactual_violation dml = DoubleMachineLearning(x, t, y) estimate_causal_effect!(dml) -# Create double machine learning estimator without regularization -dml_noreg = DoubleMachineLearning(x, t, y; regularized=false) -estimate_causal_effect!(dml_noreg) - # Testing the risk ratio with a nonbinary treatment variable nonbinary_dml = DoubleMachineLearning(x, rand(1:3, 100), y) estimate_causal_effect!(nonbinary_dml) @@ -141,7 +137,7 @@ end @test_throws ErrorException CausalELM.omitted_predictor( InterruptedTimeSeries(x₀, y₀, x₁, y₁) ) - @test ovb isa Dict{String,Float64} + @test ovb isa Dict{String, Float64} @test isa.(values(ovb), Float64) == Bool[1, 1, 1, 1] end @@ -158,7 +154,6 @@ end @test CausalELM.e_value(count_g_computer) isa Real @test CausalELM.e_value(g_computer) isa Real @test CausalELM.e_value(dml) isa Real - @test CausalELM.e_value(dml_noreg) isa Real @test CausalELM.e_value(t_learner) isa Real @test CausalELM.e_value(x_learner) isa Real @test CausalELM.e_value(dr_learner) isa Real @@ -188,7 +183,6 @@ end @test size(CausalELM.positivity(count_g_computer), 2) == size(count_g_computer.X, 2) + 1 @test size(CausalELM.positivity(g_computer), 2) == size(g_computer.X, 2) + 1 - @test size(CausalELM.positivity(dm_noreg), 2) == size(dm_noreg.X, 2) + 1 end @testset "All Assumptions for G-computation" begin diff --git a/test/test_models.jl b/test/test_models.jl index 17beb158..18dda773 100644 --- a/test/test_models.jl +++ b/test/test_models.jl @@ -9,22 +9,20 @@ x = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0] y = [0.0, 1.0, 0.0, 1.0] x_test = [1.0 1.0; 0.0 1.0; 0.0 0.0] +big_x, big_y = rand(10000, 7), rand(10000) + x1 = rand(20, 5) y1 = rand(20) x1test = rand(30, 5) +mock_model = ExtremeLearner(x, y, 10, σ) + m1 = ExtremeLearner(x, y, 10, σ) f1 = fit!(m1) predictions1 = predict(m1, x_test) predict_counterfactual!(m1, x_test) placebo1 = placebo_test(m1) -m2 = RegularizedExtremeLearner(x1, y1, 10, σ) -f2 = fit!(m2) -predictions2 = predict(m2, x1test) -predict_counterfactual!(m2, x1test) -placebo2 = placebo_test(m2) - m3 = ExtremeLearner(x1, y1, 10, σ) fit!(m3) predictions3 = predict(m3, x1test) @@ -32,58 +30,81 @@ predictions3 = predict(m3, x1test) m4 = ExtremeLearner(rand(100, 5), rand(100), 5, relu) fit!(m4) -m5 = RegularizedExtremeLearner(rand(100, 5), rand(100), 5, relu) -fit!(m5) - nofit = ExtremeLearner(x1, y1, 10, σ) - -helper_elm = RegularizedExtremeLearner(x1, y1, 5, σ) -set_weights_biases(helper_elm) -k = ridge_constant(helper_elm) - -@testset "Model Fit" begin - @test length(m1.β) == 10 - @test size(m1.weights) == (2, 10) - @test size(helper_elm.H) == (20, 5) - @test length(m4.β) == size(m4.X, 2) - @test length(m5.β) == size(m5.X, 2) -end - -@testset "Regularization" begin - @test k isa Float64 -end - -@testset "Model Predictions" begin - @test predictions1[1] < 0.1 - @test predictions1[2] > 0.9 - @test predictions1[3] < 0.1 - - # Regularized case - @test predictions1[1] < 0.1 - @test predictions1[2] > 0.9 - @test predictions1[3] < 0.1 - - # Ensure the counterfactual attribute gets step - @test m1.counterfactual == predictions1 - @test m2.counterfactual == predictions2 - - # Ensure we can predict with a test set with more data points than the training set - @test isa(predictions3, Array{Float64}) -end - -@testset "Placebo Test" begin - @test length(placebo1) == 2 - @test length(placebo2) == 2 -end - -@testset "Predict Before Fit" begin - @test_throws ErrorException predict(nofit, x1test) - @test_throws ErrorException placebo_test(nofit) +set_weights_biases(nofit) + +ensemble = ELMEnsemble(big_x, big_y, 10000, 100, 5, 10, relu) +fit!(ensemble) +predictions = predict(ensemble, big_x) +mean_predictions = predict_mean(ensemble, big_x) + +@testset "Extreme Learning Machines" begin + @testset "Extreme Learning Machine Structure" begin + @test mock_model.X isa Array{Float64} + @test mock_model.Y isa Array{Float64} + @test mock_model.training_samples == size(x, 1) + @test mock_model.hidden_neurons == 10 + @test mock_model.activation == σ + @test mock_model.__fit == false + end + + @testset "Model Fit" begin + @test length(m1.β) == 10 + @test size(m1.weights) == (2, 10) + @test length(m4.β) == size(m4.X, 2) + end + + @testset "Model Predictions" begin + @test predictions1[1] < 0.1 + @test predictions1[2] > 0.9 + @test predictions1[3] < 0.1 + + # Ensure the counterfactual attribute gets step + @test m1.counterfactual == predictions1 + + # Ensure we can predict with a test set with more data points than the training set + @test isa(predictions3, Array{Float64}) + end + + @testset "Placebo Test" begin + @test length(placebo1) == 2 + end + + @testset "Predict Before Fit" begin + @test isdefined(nofit, :H) == true + @test_throws ErrorException predict(nofit, x1test) + @test_throws ErrorException placebo_test(nofit) + end + + @testset "Print Models" begin + msg1, msg2 = "Extreme Learning Machine with ", "hidden neurons" + msg3 = "Regularized " * msg1 + @test sprint(print, m1) === msg1 * string(m1.hidden_neurons) * " " * msg2 + end end -@testset "Print Models" begin - msg1, msg2 = "Extreme Learning Machine with ", "hidden neurons" - msg3 = "Regularized " * msg1 - @test sprint(print, m1) === msg1 * string(m1.hidden_neurons) * " " * msg2 - @test sprint(print, m2) === msg3 * string(m2.hidden_neurons) * " " * msg2 +@testset "Extreme Learning Machine Ensembles" begin + @testset "Initializing Ensembles" begin + @test ensemble isa ELMEnsemble + @test ensemble.X isa Array{Float64} + @test ensemble.Y isa Array{Float64} + @test ensemble.elms isa Array{ExtremeLearner} + @test length(ensemble.elms) == 100 + @test ensemble.feat_indices isa Vector{Vector{Int64}} + @test length(ensemble.feat_indices) == 100 + end + + @testset "Ensemble Fitting and Prediction" begin + @test all([elm.__fit for elm in ensemble.elms]) == true + @test predictions isa Matrix{Float64} + @test size(predictions) == (10000, 100) + @test mean_predictions isa Vector{Float64} + @test length(mean_predictions) == 10000 + end + + @testset "Print Models" begin + msg1, msg2 = "Extreme Learning Machine Ensemble with ", "learners" + msg3 = "Regularized " * msg1 + @test sprint(print, ensemble) === msg1 * string(length(ensemble.elms)) * " " * msg2 + end end diff --git a/test/test_utilities.jl b/test/test_utilities.jl index 20b8f0ac..60e0420b 100644 --- a/test/test_utilities.jl +++ b/test/test_utilities.jl @@ -1,27 +1,19 @@ using Test - -include("../src/utilities.jl") - -struct Binary end -struct Count end +using CausalELM # Variables for checking the output of the model_config macro because it is difficult -model_config_avg_expr = @macroexpand @model_config average_effect -model_config_ind_expr = @macroexpand @model_config individual_effect -model_config_avg_idx = Int64.(collect(range(2, 26, 13))) -model_config_ind_idx = Int64.(collect(range(2, 26, 13))) +model_config_avg_expr = @macroexpand CausalELM.@model_config average_effect +model_config_ind_expr = @macroexpand CausalELM.@model_config individual_effect +model_config_avg_idx = Int64.(collect(range(2, 18, 9))) +model_config_ind_idx = Int64.(collect(range(2, 18, 9))) model_config_avg_ground_truth = quote quantity_of_interest::String temporal::Bool task::String - regularized::Bool activation::Function - validation_metric::Function - min_neurons::Int64 - max_neurons::Int64 - folds::Int64 - iterations::Int64 - approximator_neurons::Int64 + sample_size::Integer + num_machines::Integer + num_feats::Integer num_neurons::Int64 causal_effect::Float64 end @@ -32,18 +24,15 @@ model_config_ind_ground_truth = quote task::String regularized::Bool activation::Function - validation_metric::Function - min_neurons::Int64 - max_neurons::Int64 - folds::Int64 - iterations::Int64 - approximator_neurons::Int64 + sample_size::Integer + num_machines::Integer + num_feats::Integer num_neurons::Int64 causal_effect::Array{Float64} end # Fields for the user supplied data -standard_input_expr = @macroexpand @standard_input_data +standard_input_expr = @macroexpand CausalELM.@standard_input_data standard_input_idx = [2, 4, 6] standard_input_ground_truth = quote X::Array{Float64} @@ -52,7 +41,7 @@ standard_input_ground_truth = quote end # Fields for the user supplied data -double_model_input_expr = @macroexpand @standard_input_data +double_model_input_expr = @macroexpand CausalELM.@standard_input_data double_model_input_idx = [2, 4, 6] double_model_input_ground_truth = quote X::Array{Float64} @@ -63,16 +52,16 @@ end @testset "Moments" begin @test mean([1, 2, 3]) == 2 - @test var([1, 2, 3]) == 1 + @test CausalELM.var([1, 2, 3]) == 1 end @testset "One Hot Encoding" begin - @test one_hot_encode([1, 2, 3]) == [1 0 0; 0 1 0; 0 0 1] + @test CausalELM.one_hot_encode([1, 2, 3]) == [1 0 0; 0 1 0; 0 0 1] end @testset "Clipping" begin - @test clip_if_binary([1.2, -0.02], Binary()) == [0.9999999, 1.0e-7] - @test clip_if_binary([1.2, -0.02], Count()) == [1.2, -0.02] + @test CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Binary()) == [0.9999999, 1.0e-7] + @test CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Count()) == [1.2, -0.02] end @testset "Generating Fields with Macros" begin @@ -91,7 +80,7 @@ end model_config_ind_ground_truth.args[model_config_avg_idx] ) - @test_throws ArgumentError @macroexpand @model_config mean + @test_throws ArgumentError @macroexpand CausalELM.@model_config mean @test standard_input_expr.head == standard_input_ground_truth.head diff --git a/testing.ipynb b/testing.ipynb index dde92722..5c662d20 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 14, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ @@ -14,7 +14,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 2, "metadata": {}, "outputs": [ { @@ -55,13 +55,13 @@ }, { "cell_type": "code", - "execution_count": 63, + "execution_count": 14, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoubleMachineLearning([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], \"ATE\", false, \"regression\", true, CausalELM.relu, 8954, NaN, 5)" + "DoubleMachineLearning([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, NaN, 5)" ] }, "metadata": {}, @@ -69,130 +69,60 @@ } ], "source": [ - "glearner = DoubleMachineLearning(covariates, treatment, outcome)" - ] - }, - { - "cell_type": "code", - "execution_count": 66, - "metadata": {}, - "outputs": [], - "source": [ - "estimate_causal_effect!(glearner)" + "dr_learner = DoubleMachineLearning(covariates, treatment, outcome, num_feats=6)" ] }, { "cell_type": "code", - "execution_count": 38, + "execution_count": 18, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "([0.23716522406873197 0.08463142909640708 … 0.30968748590862305 0.04725439908425155; 0.13055165056767004 0.9220378350184131 … 0.572606572207097 0.3884781806564631; … ; 0.5640916988721004 0.853346124678495 … 0.8469263452425522 0.1257190755169607; 0.6679763039334277 0.47972447662761064 … 0.37811702580338935 0.617016732528424], [0.6491269811582214, 0.5932565556655242, 0.8565916760297303, 0.7021098498625459, 0.5264840904652793, 0.7432901746261853, 0.7807974247740146, 0.540402591727013, 0.6592750061253853, 0.8705468971445318 … 0.27613447847948525, 0.23299375275857093, 0.9834654852036273, 0.26905537667480783, 0.2977201330273679, 0.2251454190526, 0.22413247851994167, 0.0759353440270586, 0.11762273465665674, 0.7904463339844465])" + "0.1134771453284956" ] }, "metadata": {}, "output_type": "display_data" } ], + "source": [ + "estimate_causal_effect!(dr_learner)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "x, y = rand(10000, 7), rand(10000)" ] }, { "cell_type": "code", - "execution_count": 45, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Regularized Extreme Learning Machine with 32 hidden neurons" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "learner = CausalELM.RegularizedExtremeLearner(x, y, 32, CausalELM.relu)" ] }, { "cell_type": "code", - "execution_count": 46, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "32-element Vector{Float64}:\n", - " 0.026749830711221247\n", - " 0.21033200016686496\n", - " 0.0998447220434613\n", - " -0.0016226945603700442\n", - " 0.3597543007214425\n", - " -0.043393923445557585\n", - " -0.0965275383555918\n", - " 0.16851120953021403\n", - " -0.557573006115525\n", - " -0.2778346924700644\n", - " ⋮\n", - " 0.5212664218550033\n", - " 0.13173644509429325\n", - " 0.5211474953702191\n", - " -0.20661927597795182\n", - " 0.08922154206186592\n", - " 0.16653105344587832\n", - " 0.28420105086226877\n", - " 0.14469922378022404\n", - " 0.23991509930469146" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "CausalELM.fit!(learner)" ] }, { "cell_type": "code", - "execution_count": 37, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "100-element Vector{Vector{Float64}}:\n", - " [0.33563059342914375, 1.554096183061739, 0.34175856928495607, 1.4843766215556682, -0.1271150310066662]\n", - " [-0.17343604358378908, 0.12755980344503404, 0.4879726895099466, 0.4237855857253079, 0.33327314853638307]\n", - " [0.6867049618284538, 1.7639485392494731, -0.1769622610416582, 0.8025175209234753, 0.3162124425261725]\n", - " [0.4311107417441136, 0.3815772807360452, 0.04724625538049302, 0.35167417631976233, -0.22961157745956168]\n", - " [0.07929165744768467, 0.42503570736716156, 0.11718878236558518, 0.6794679592330893, 0.2097825511197849]\n", - " [0.0, -0.10187284552293427, 0.3254677777717854, 3.202266196543033e-17, 0.19784989559926286]\n", - " [0.3612678189475889, 0.3231944876545776, -3.10093526107407e-15, 0.7815001221603154, 0.06663446895775363]\n", - " [1.2569802097480374, -3.0084525386329504, -0.6188530616095848, 0.4304718396128743, 0.5344934682266744]\n", - " [0.3410220874955934, 0.4997803635021601, 0.15743896412842878, 0.4836342090809235, -0.009722499096015656]\n", - " [0.25605571278411066, 0.4139552997221257, 0.24509473398353754, -0.2951807601203683, 0.481253052059495]\n", - " ⋮\n", - " [0.3288054483267889, 0.9013569758236797, 0.6578316039798714, 0.15582113363566913, 0.5738668694380774]\n", - " [3.248579620102745, 0.40409889685896394, 0.0985940078506724, 0.0067590730144703615, 1.2317304730902332]\n", - " [0.5369175126794183, -0.015930203977996292, 3.5387922344531497, 0.0, 0.33289240822647176]\n", - " [0.4198364812057246, 0.08732942450079251, 0.24260485315730573, 0.3572921516525323, 0.5746169223073783]\n", - " [0.31779097678518065, 0.07942042685607537, 1.3334033473644795, -0.14338187719100173, 8.836720786077997]\n", - " [0.16254422052556974, -0.1802461953026333, 0.14242076117583533, 1.1571796204354574, 0.28481885986823574]\n", - " [0.685903612597394, 0.31148278612632635, -0.5170648985089248, -0.9241162798988115, 0.5149519883264604]\n", - " [-0.8330554768181385, 0.8461605570419718, 2.2803866099371377, 0.603911556736617, 0.32424145127162707]\n", - " [0.15366760321947498, 0.15943453750552228, 0.1835045671943382, 0.35920664108713546, 0.5726955152306309]" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "xs = [rand(1000, 8) for i in 1:100]\n", "ys = [rand(1000) for i in 1:100]\n", @@ -203,19 +133,9 @@ }, { "cell_type": "code", - "execution_count": 39, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "fit! (generic function with 1 method)" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "mutable struct ELMEnsemble\n", " X::Array{Float64}\n", @@ -243,96 +163,36 @@ }, { "cell_type": "code", - "execution_count": 50, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "ELMEnsemble([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], CausalELM.ExtremeLearner[Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons … Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons, Extreme Learning Machine with 10 hidden neurons])" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "ensemble = ELMEnsemble(Matrix{Float64}(covariates), Float64.(outcome[:, 1]), 10000, 100, 10)" ] }, { "cell_type": "code", - "execution_count": 59, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "100-element Vector{Vector{Float64}}:\n", - " [6211.408699229452, 1.5821332294031651, -13735.18658175283, 0.6524374453029926, 260.79520738555453, 1.4013393161668026, -1351.18915422185, 14631.142361137296, 0.9738553598743988, 1.1907620936611532]\n", - " [-14401.515405970058, 71237.03121623177, -12585.477651933446, 14439.162597071294, -10985.595229244644, 23574.843298215033, 23123.869962055618, 23070.273691837538, 493.1701340561063, -56151.84544187152]\n", - " [-180.9263418876608, 0.0, 2873.5351527420603, -1985.5623964348392, -2686.811852048377, 4511.355299849305, -9875.408841485112, -1349.9293238605605, 5779.2168040718025, -120.24340400725902]\n", - " [0.0, -6257.710632510187, -19899.275681606392, -16954.679812461578, 0.0, 0.0, 22644.406308937705, 12385.177066525117, 51354.12427458451, 15260.878775158537]\n", - " [0.0, -3.300096251119809e15, 0.0, 0.0, 1.141844324809179e15, 7.393788509724736e14, 1.7904369830116632e15, 2.6663150926029503e14, 0.0, 7.774942140694326e14]\n", - " [-3151.838470139144, -10383.352842604001, 11084.317949300957, 7973.378634912843, -2573.788285713935, -6076.600754842969, -5001.902619455806, 5085.817075745457, -2560.722142072292, -367.7558818064236]\n", - " [1.6277175605843621, 3117.694700931024, 2.361719043673525, 7280.362734347653, 2.468991888640467, -3380.1737591954293, 1.5647624191343106, 1.968202909363788, -3658.633769147186, -3358.6532965786114]\n", - " [-959.5515039803628, 4847.7005289207555, -54.64283896285632, -2010.2367295961028, 347.12791831595365, -2219.632018093638, -2958.9591465487624, 3584.88174745901, -2103.8706823506204, 2347.975167620959]\n", - " [-7.432851434925925e15, -7.152424395228097e15, 6.498232078193411e15, -5.506981178516333e15, -2.4306382649357785e15, -3.85487461200726e14, 0.0, -2.1495576377182664e16, 2.2808371919013564e16, -4.728371175101958e14]\n", - " [3.968512877385542e14, -4.2016920358834445e13, 4.394459409700396e14, 0.0, -1.7376151004264258e15, 0.0, 0.0, 9.138496048629146e14, 8.730984540773104e14, 0.0]\n", - " ⋮\n", - " [2.5111642430234305e15, 4.4144861452837655e15, 0.0, -1.0389084074647591e15, -3.710721494724108e15, 1.5134248352427647e14, -6.394314202404305e14, -2.359146805234892e14, -9.711459015071153e13, -2.7838525887806795e15]\n", - " [15339.355321092233, 0.0, -7799.710349503419, 6808.794537731961, 4310.575689883699, -6696.812699412644, 30828.081214803475, -18842.49313890705, 0.0, -4764.3975931383075]\n", - " [9.53119581828307, -2613.249757248563, 0.0, -6851.415814567537, 0.0, 4555.988386908157, 0.0, 2932.1577282942258, 7464.138877252999, 0.0]\n", - " [0.0, 457.96912941704437, 0.0, 0.0, 0.0, 0.0, -2538.003159802811, -1950.0744518654026, 0.0, 2422.833745318398]\n", - " [4.6223974052008156e14, -4.17677104566351e13, 148407.48552676724, 6.625672071293822e14, 0.0, -1.89276732464444e15, -6.35864548866026e15, 7.107445078285544e15, 0.0, -5.883871732283758e14]\n", - " [-2.488017783615532e15, 0.0, -3.232214028710555e15, -2.7047704701998908e16, 2.5234325424644948e16, -7.421062032934681e14, -1.0707706149704448e16, 2.970090106272004e16, -1.0611540444238498e16, 2.47090955969143e15]\n", - " [0.0, 484.06561245772554, 290.34026327001453, -246.52186686817424, 15.511050526591374, 0.0, 708.0513209491902, 59.23240302631112, 0.0, 0.0]\n", - " [-7271.874885144173, 1.0969661825276436, 0.8583024387021408, 0.6096652093586122, 11385.905612580555, 0.8678820176045222, 1.9270399348042067, 0.5995702485614363, 1.1909960302658429, -2008.6992656209904]\n", - " [0.0, 0.0, 0.0, 0.0, 2.980561509923307e15, 0.0, 5748.538791400475, 0.0, -3.4821433570100465e15, -2.986917228323147e14]" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "fit!(ensemble)" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "GComputation([0.2438970367354274 1.0203271610609299e-5 … 0.4557954201596055 0.12617408413868259; 0.9722098498565798 0.9404158702616398 … 0.572663944473092 0.4275299444804007; … ; 0.8794397256676026 0.3601868122972116 … 0.7393696907435132 0.8348951617519277; 0.014716984885172035 0.46589184307039333 … 0.7082478540550154 0.24368612561948588], [1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0 … 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0], [0.203432368671021, 0.7340111063697138, 0.9246754848534284, 0.08645250409038174, 0.5651033787805703, 0.023292113627898514, 0.32903202710805357, 0.7016381615911508, 0.014335546595652393, 0.8721335250668286 … 0.7910929379901037, 0.3368161498494835, 0.40237100558857697, 0.5284804552447494, 0.7622417670440221, 0.30391987549352806, 0.9757684512845898, 0.8711831517392297, 0.3426427099660381, 0.007855605424861856], \"ATE\", true, \"regression\", false, CausalELM.relu, 8451, NaN, #undef)" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "m1 = GComputation(x, rand(0:1, 10000), y, regularized=false)" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "0.5764691423345073" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "estimate_causal_effect!(m1)" ] From fe540c0fa16d631a1c54ebbe476a7cfb1cd192c9 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sat, 29 Jun 2024 21:39:56 -0500 Subject: [PATCH 06/24] Fixed double machine learning estimation --- src/estimators.jl | 50 +++++-------- src/models.jl | 3 +- testing.ipynb | 185 ++++++++++++++++++++-------------------------- 3 files changed, 100 insertions(+), 138 deletions(-) diff --git a/src/estimators.jl b/src/estimators.jl index 7dafe935..a1735e13 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -388,31 +388,6 @@ julia> estimate_causal_effect!(m2) ``` """ function estimate_causal_effect!(DML::DoubleMachineLearning) - causal_loss!(DML) - DML.causal_effect /= DML.folds - - return DML.causal_effect -end - -""" - causal_loss!(DML, [,cate]) - -Minimize the causal loss function for double machine learning. - -# Notes -This method should not be called directly. - -# Arguments -- `DML::DoubleMachineLearning`: the DoubleMachineLearning struct to estimate the effect for. - -# Examples -```julia -julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) -julia> m1 = DoubleMachineLearning(X, T, Y) -julia> causal_loss!(m1) -``` -""" -function causal_loss!(DML::DoubleMachineLearning) X, T, W, Y = make_folds(DML) DML.causal_effect = 0 @@ -426,8 +401,12 @@ function causal_loss!(DML::DoubleMachineLearning) Ỹ, T̃ = predict_residuals( DML, X_train, X_test, Y_train, Y_test, T_train, T_test, W_train, W_test ) - DML.causal_effect += (vec(sum(T̃ .* X_test; dims=2)) \ Ỹ)[1] + + DML.causal_effect += T̃\Ỹ end + DML.causal_effect /= DML.folds + + return DML.causal_effect end """ @@ -462,11 +441,22 @@ function predict_residuals( V = x_train != w_train && x_test != w_test ? reduce(hcat, (x_train, w_train)) : x_train V_test = V == x_train ? x_test : reduce(hcat, (x_test, w_test)) - y = ELMEnsemble( - V, y_train, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation + y = ELMEnsemble(V, + y_train, + D.sample_size, + D.num_machines, + D.num_feats, + D.num_neurons, + D.activation ) - t = ELMEnsemble( - V, t_train, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation + + t = ELMEnsemble(V, + t_train, + D.sample_size, + D.num_machines, + D.num_feats, + D.num_neurons, + D.activation ) fit!(y) diff --git a/src/models.jl b/src/models.jl index f8516947..9ed75c77 100644 --- a/src/models.jl +++ b/src/models.jl @@ -259,8 +259,7 @@ julia> set_weights_biases(m1) ``` """ function set_weights_biases(model::ExtremeLearner) - n_in, n_out = size(model.X, 2), model.hidden_neurons - a, b = -sqrt(6) / sqrt(n_in + n_out), sqrt(6) / sqrt(n_in + n_out) + a, b = -1, 1 model.weights = @fastmath a .+ ((b - a) .* rand(model.features, model.hidden_neurons)) return model.H = @fastmath model.activation((model.X * model.weights)) diff --git a/testing.ipynb b/testing.ipynb index 5c662d20..f7f1c71d 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -14,7 +14,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 8, "metadata": {}, "outputs": [ { @@ -55,13 +55,69 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { + "text/html": [ + "
9915×8 DataFrame
9890 rows omitted
Rowageincfsizemarrtwoearndbpirahown
Float64Float64Float64Float64Int64Int64Int64Int64
10.1538460.1258210.3333331.00001
20.6923080.1441560.3333330.00001
30.6410260.2241150.1666671.01011
40.07692310.1957050.251.01000
50.4358970.1461660.1666670.00101
60.6153850.3248360.4166671.01101
70.3846150.2456490.251.01101
80.8461540.07063190.00.00000
90.1025640.03768750.250.00000
100.6410260.03439060.00.00010
110.5128210.1874820.00.00111
120.00.1755690.1666671.01000
130.1282050.1333950.08333331.00000
99040.9743590.1673330.00.00011
99050.1794870.2132320.1666671.01001
99060.05128210.1653230.251.01000
99070.4358970.0782920.00.00001
99080.3333330.08040.1666671.00001
99090.07692310.1412640.08333331.01000
99100.6153850.2731760.251.01011
99110.2307690.06598690.00.00100
99120.2051280.1702740.1666671.00101
99130.2307690.2666440.251.01001
99140.4102560.2403910.1666671.01101
99150.07692310.1178910.251.01000
" + ], + "text/latex": [ + "\\begin{tabular}{r|cccccccc}\n", + "\t& age & inc & fsize & marr & twoearn & db & pira & hown\\\\\n", + "\t\\hline\n", + "\t& Float64 & Float64 & Float64 & Float64 & Int64 & Int64 & Int64 & Int64\\\\\n", + "\t\\hline\n", + "\t1 & 0.153846 & 0.125821 & 0.333333 & 1.0 & 0 & 0 & 0 & 1 \\\\\n", + "\t2 & 0.692308 & 0.144156 & 0.333333 & 0.0 & 0 & 0 & 0 & 1 \\\\\n", + "\t3 & 0.641026 & 0.224115 & 0.166667 & 1.0 & 1 & 0 & 1 & 1 \\\\\n", + "\t4 & 0.0769231 & 0.195705 & 0.25 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", + "\t5 & 0.435897 & 0.146166 & 0.166667 & 0.0 & 0 & 1 & 0 & 1 \\\\\n", + "\t6 & 0.615385 & 0.324836 & 0.416667 & 1.0 & 1 & 1 & 0 & 1 \\\\\n", + "\t7 & 0.384615 & 0.245649 & 0.25 & 1.0 & 1 & 1 & 0 & 1 \\\\\n", + "\t8 & 0.846154 & 0.0706319 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t9 & 0.102564 & 0.0376875 & 0.25 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t10 & 0.641026 & 0.0343906 & 0.0 & 0.0 & 0 & 0 & 1 & 0 \\\\\n", + "\t11 & 0.512821 & 0.187482 & 0.0 & 0.0 & 0 & 1 & 1 & 1 \\\\\n", + "\t12 & 0.0 & 0.175569 & 0.166667 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", + "\t13 & 0.128205 & 0.133395 & 0.0833333 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t14 & 0.0512821 & 0.050103 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t15 & 0.435897 & 0.358442 & 0.25 & 1.0 & 1 & 0 & 1 & 1 \\\\\n", + "\t16 & 0.25641 & 0.142416 & 0.0833333 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", + "\t17 & 0.25641 & 0.270357 & 0.0 & 0.0 & 0 & 0 & 1 & 0 \\\\\n", + "\t18 & 0.410256 & 0.141141 & 0.333333 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t19 & 0.717949 & 0.0506422 & 0.0 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t20 & 0.948718 & 0.315558 & 0.166667 & 1.0 & 0 & 1 & 0 & 1 \\\\\n", + "\t21 & 0.512821 & 0.166683 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t22 & 0.794872 & 0.077385 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t23 & 0.153846 & 0.0571625 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", + "\t24 & 0.153846 & 0.117769 & 0.333333 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", + "\t$\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ \\\\\n", + "\\end{tabular}\n" + ], "text/plain": [ - "DoubleMachineLearning([31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [31.0 28146.0 … 0.0 1.0; 52.0 32634.0 … 0.0 1.0; … ; 41.0 56190.0 … 0.0 1.0; 28.0 26205.0 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, NaN, 5)" + "\u001b[1m9915×8 DataFrame\u001b[0m\n", + "\u001b[1m Row \u001b[0m│\u001b[1m age \u001b[0m\u001b[1m inc \u001b[0m\u001b[1m fsize \u001b[0m\u001b[1m marr \u001b[0m\u001b[1m twoearn \u001b[0m\u001b[1m db \u001b[0m\u001b[1m pira \u001b[0m\u001b[1m hown \u001b[0m ⋯\n", + " │\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64\u001b[0m ⋯\n", + "──────┼─────────────────────────────────────────────────────────────────────────\n", + " 1 │ 0.153846 0.125821 0.333333 1.0 0 0 0 1 ⋯\n", + " 2 │ 0.692308 0.144156 0.333333 0.0 0 0 0 1\n", + " 3 │ 0.641026 0.224115 0.166667 1.0 1 0 1 1\n", + " 4 │ 0.0769231 0.195705 0.25 1.0 1 0 0 0\n", + " 5 │ 0.435897 0.146166 0.166667 0.0 0 1 0 1 ⋯\n", + " 6 │ 0.615385 0.324836 0.416667 1.0 1 1 0 1\n", + " 7 │ 0.384615 0.245649 0.25 1.0 1 1 0 1\n", + " 8 │ 0.846154 0.0706319 0.0 0.0 0 0 0 0\n", + " ⋮ │ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋱\n", + " 9909 │ 0.0769231 0.141264 0.0833333 1.0 1 0 0 0 ⋯\n", + " 9910 │ 0.615385 0.273176 0.25 1.0 1 0 1 1\n", + " 9911 │ 0.230769 0.0659869 0.0 0.0 0 1 0 0\n", + " 9912 │ 0.205128 0.170274 0.166667 1.0 0 1 0 1\n", + " 9913 │ 0.230769 0.266644 0.25 1.0 1 0 0 1 ⋯\n", + " 9914 │ 0.410256 0.240391 0.166667 1.0 1 1 0 1\n", + " 9915 │ 0.0769231 0.117891 0.25 1.0 1 0 0 0\n", + "\u001b[36m 9900 rows omitted\u001b[0m" ] }, "metadata": {}, @@ -69,7 +125,11 @@ } ], "source": [ - "dr_learner = DoubleMachineLearning(covariates, treatment, outcome, num_feats=6)" + "covariates.inc = (covariates.inc .- minimum(covariates.inc))/(maximum(covariates.inc) - minimum(covariates.inc))\n", + "covariates.age = (covariates.age .- minimum(covariates.age))/(maximum(covariates.age) - minimum(covariates.age))\n", + "covariates.fsize = (covariates.fsize .- minimum(covariates.fsize))/(maximum(covariates.fsize) - minimum(covariates.fsize))\n", + "covariates.marr = (covariates.marr .- minimum(covariates.marr))/(maximum(covariates.marr) - minimum(covariates.marr))\n", + "covariates" ] }, { @@ -80,7 +140,7 @@ { "data": { "text/plain": [ - "0.1134771453284956" + "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 3, 32, NaN, 5)" ] }, "metadata": {}, @@ -88,113 +148,26 @@ } ], "source": [ - "estimate_causal_effect!(dr_learner)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "x, y = rand(10000, 7), rand(10000)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "learner = CausalELM.RegularizedExtremeLearner(x, y, 32, CausalELM.relu)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "CausalELM.fit!(learner)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "xs = [rand(1000, 8) for i in 1:100]\n", - "ys = [rand(1000) for i in 1:100]\n", - "\n", - "learners = [CausalELM.ExtremeLearner(xs[i], ys[i], 5, CausalELM.relu) for i in 1:100]\n", - "CausalELM.fit!.(learners)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "mutable struct ELMEnsemble\n", - " X::Array{Float64}\n", - " Y::Array{Float64}\n", - " elms::Array{CausalELM.ExtremeLearner}\n", - "end\n", - "\n", - "function ELMEnsemble(\n", - " X::Array{Float64}, \n", - " Y::Array{Float64}, \n", - " sample_size::Integer, \n", - " num_machines::Integer, \n", - " num_neurons::Integer\n", - ")\n", - " rows = [rand(1:length(Y), length(Y)) for i in 1:num_machines]\n", - " cols = [randperm(size(X, 2))[1:floor(Int64, sqrt(size(X, 2)))] for i ∈ 1:num_machines]\n", - " xs, ys = [X[rows[i], cols[i]] for i ∈ eachindex(rows)], [Y[rows[i]] for i ∈ eachindex(rows)]\n", - " elms = [CausalELM.ExtremeLearner(xs[i], ys[i], num_neurons, CausalELM.relu) for i ∈ 1:num_machines]\n", - "\n", - " return ELMEnsemble(X, Y, elms)\n", - "end\n", - "\n", - "fit!(mod::ELMEnsemble) = CausalELM.fit!.(mod.elms)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "ensemble = ELMEnsemble(Matrix{Float64}(covariates), Float64.(outcome[:, 1]), 10000, 100, 10)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "fit!(ensemble)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "m1 = GComputation(x, rand(0:1, 10000), y, regularized=false)" + "dr_learner = DoubleMachineLearning(covariates, treatment, outcome, num_feats=6)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "1.1512122572730373e10" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], "source": [ - "estimate_causal_effect!(m1)" + "estimate_causal_effect!(dr_learner)" ] } ], From da335b119d8376d6e5c1a0c6aa2b4e5deb22c3bc Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sat, 29 Jun 2024 23:38:30 -0500 Subject: [PATCH 07/24] Added multithreading for generating null distributions --- src/inference.jl | 4 ++-- testing.ipynb | 61 +++++++++++++++++++++++++++++++++++++++++++----- 2 files changed, 57 insertions(+), 8 deletions(-) diff --git a/src/inference.jl b/src/inference.jl index 70cda237..49d9f187 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -194,7 +194,7 @@ function generate_null_distribution(mod, n) results = Vector{Float64}(undef, n) # Generate random treatment assignments and estimate the causal effects - for iter in 1:n + Threads.@threads for iter in 1:n # Sample from a continuous distribution if the treatment is continuous if var_type(mod.T) isa Continuous @@ -234,7 +234,7 @@ function generate_null_distribution(its::InterruptedTimeSeries, n, mean_effect) data = reduce(hcat, (reduce(vcat, (its.X₀, its.X₁)), reduce(vcat, (its.Y₀, its.Y₁)))) # Generate random treatment assignments and estimate the causal effects - for iter in 1:n + Threads.@threads for iter in 1:n permuted_data = data[shuffle(1:end), :] permuted_x₀ = permuted_data[1:split_idx, 1:(end - 1)] permuted_x₁ = permuted_data[(split_idx + 1):end, 1:(end - 1)] diff --git a/testing.ipynb b/testing.ipynb index f7f1c71d..f1ab5145 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -14,7 +14,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 2, "metadata": {}, "outputs": [ { @@ -55,7 +55,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 3, "metadata": {}, "outputs": [ { @@ -134,13 +134,13 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 4, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 3, 32, NaN, 5)" + "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, NaN, 5)" ] }, "metadata": {}, @@ -153,13 +153,13 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "1.1512122572730373e10" + "9033.493578983765" ] }, "metadata": {}, @@ -169,6 +169,55 @@ "source": [ "estimate_causal_effect!(dr_learner)" ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Dict{Any, Any} with 11 entries:\n", + " \"Activation Function\" => relu\n", + " \"Quantity of Interest\" => \"ATE\"\n", + " \"Sample Size\" => 9915\n", + " \"Number of Machines\" => 100\n", + " \"Causal Effect\" => 9033.49\n", + " \"Number of Neurons\" => 32\n", + " \"Task\" => \"regression\"\n", + " \"Time Series/Panel Data\" => false\n", + " \"Standard Error\" => NaN\n", + " \"p-value\" => NaN\n", + " \"Number of Features\" => 6" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "summarize(dr_learner)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(Dict(0.025 => -4476.677196794664, 0.075 => -10907.740036294652, 0.1 => -7481.868340004905, 0.05 => -12111.35624853631), 2.7865714374354598, Matrix{Float64}(undef, 0, 9))" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "validate(dr_learner)" + ] } ], "metadata": { From e9055068d5bd364b7d7c2fc1b3fce5f1740cfe4a Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sun, 30 Jun 2024 18:40:31 -0500 Subject: [PATCH 08/24] Removed redundant W argument --- Manifest.toml | 232 +----------------------- Project.toml | 2 - docs/src/guide/doublemachinelearning.md | 30 +-- docs/src/guide/gcomputation.md | 17 +- docs/src/guide/its.md | 18 +- docs/src/guide/metalearners.md | 17 +- docs/src/index.md | 18 +- docs/src/release_notes.md | 5 +- src/estimators.jl | 130 ++++--------- src/metalearners.jl | 71 ++------ src/utilities.jl | 22 --- test/test_estimators.jl | 17 +- test/test_metalearners.jl | 22 +-- testing.ipynb | 16 +- 14 files changed, 116 insertions(+), 501 deletions(-) diff --git a/Manifest.toml b/Manifest.toml index 5294738f..5fcff0eb 100644 --- a/Manifest.toml +++ b/Manifest.toml @@ -2,103 +2,16 @@ julia_version = "1.8.5" manifest_format = "2.0" -project_hash = "a71c3dc546f65e5c8baf2d15aa5d41355e85fe6c" +project_hash = "18a38d2a3c0a24ffa847859ade56a5a957640011" [[deps.Artifacts]] uuid = "56f22d72-fd6d-98f1-02f0-08ddc0907c33" -[[deps.Base64]] -uuid = "2a0f44e3-6c83-55bd-87e4-b1978d98bd5f" - -[[deps.CSV]] -deps = ["CodecZlib", "Dates", "FilePathsBase", "InlineStrings", "Mmap", "Parsers", "PooledArrays", "PrecompileTools", "SentinelArrays", "Tables", "Unicode", "WeakRefStrings", "WorkerUtilities"] -git-tree-sha1 = "6c834533dc1fabd820c1db03c839bf97e45a3fab" -uuid = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" -version = "0.10.14" - -[[deps.CodecZlib]] -deps = ["TranscodingStreams", "Zlib_jll"] -git-tree-sha1 = "59939d8a997469ee05c4b4944560a820f9ba0d73" -uuid = "944b1d66-785c-5afd-91f1-9de20f533193" -version = "0.7.4" - -[[deps.Compat]] -deps = ["Dates", "LinearAlgebra", "TOML", "UUIDs"] -git-tree-sha1 = "b1c55339b7c6c350ee89f2c1604299660525b248" -uuid = "34da2185-b29b-5c13-b0c7-acf172513d20" -version = "4.15.0" - [[deps.CompilerSupportLibraries_jll]] deps = ["Artifacts", "Libdl"] uuid = "e66e0078-7015-5450-92f7-15fbd957f2ae" version = "1.0.1+0" -[[deps.Crayons]] -git-tree-sha1 = "249fe38abf76d48563e2f4556bebd215aa317e15" -uuid = "a8cc5b0e-0ffa-5ad4-8c14-923d3ee1735f" -version = "4.1.1" - -[[deps.DataAPI]] -git-tree-sha1 = "abe83f3a2f1b857aac70ef8b269080af17764bbe" -uuid = "9a962f9c-6df0-11e9-0e5d-c546b8b5ee8a" -version = "1.16.0" - -[[deps.DataFrames]] -deps = ["Compat", "DataAPI", "DataStructures", "Future", "InlineStrings", "InvertedIndices", "IteratorInterfaceExtensions", "LinearAlgebra", "Markdown", "Missings", "PooledArrays", "PrecompileTools", "PrettyTables", "Printf", "REPL", "Random", "Reexport", "SentinelArrays", "SortingAlgorithms", "Statistics", "TableTraits", "Tables", "Unicode"] -git-tree-sha1 = "04c738083f29f86e62c8afc341f0967d8717bdb8" -uuid = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" -version = "1.6.1" - -[[deps.DataStructures]] -deps = ["Compat", "InteractiveUtils", "OrderedCollections"] -git-tree-sha1 = "1d0a14036acb104d9e89698bd408f63ab58cdc82" -uuid = "864edb3b-99cc-5e75-8d2d-829cb0a9cfe8" -version = "0.18.20" - -[[deps.DataValueInterfaces]] -git-tree-sha1 = "bfc1187b79289637fa0ef6d4436ebdfe6905cbd6" -uuid = "e2d170a0-9d28-54be-80f0-106bbe20a464" -version = "1.0.0" - -[[deps.Dates]] -deps = ["Printf"] -uuid = "ade2ca70-3891-5945-98fb-dc099432e06a" - -[[deps.FilePathsBase]] -deps = ["Compat", "Dates", "Mmap", "Printf", "Test", "UUIDs"] -git-tree-sha1 = "9f00e42f8d99fdde64d40c8ea5d14269a2e2c1aa" -uuid = "48062228-2e41-5def-b9a4-89aafe57970f" -version = "0.9.21" - -[[deps.Future]] -deps = ["Random"] -uuid = "9fa8497b-333b-5362-9e8d-4d0656e87820" - -[[deps.InlineStrings]] -deps = ["Parsers"] -git-tree-sha1 = "86356004f30f8e737eff143d57d41bd580e437aa" -uuid = "842dd82b-1e85-43dc-bf29-5d0ee9dffc48" -version = "1.4.1" - -[[deps.InteractiveUtils]] -deps = ["Markdown"] -uuid = "b77e0a4c-d291-57a0-90e8-8db25a27a240" - -[[deps.InvertedIndices]] -git-tree-sha1 = "0dc7b50b8d436461be01300fd8cd45aa0274b038" -uuid = "41ab1584-1d38-5bbf-9106-f11c6c58b48f" -version = "1.3.0" - -[[deps.IteratorInterfaceExtensions]] -git-tree-sha1 = "a3f24677c21f5bbe9d2a714f95dcd58337fb2856" -uuid = "82899510-4779-5014-852e-03e436cf321d" -version = "1.0.0" - -[[deps.LaTeXStrings]] -git-tree-sha1 = "50901ebc375ed41dbf8058da26f9de442febbbec" -uuid = "b964fa9f-0449-5b57-a5c2-d3ea65f4040f" -version = "1.3.1" - [[deps.Libdl]] uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" @@ -106,165 +19,22 @@ uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" deps = ["Libdl", "libblastrampoline_jll"] uuid = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" -[[deps.Logging]] -uuid = "56ddb016-857b-54e1-b83d-db4d58db5568" - -[[deps.Markdown]] -deps = ["Base64"] -uuid = "d6f4376e-aef5-505a-96c1-9c027394607a" - -[[deps.Missings]] -deps = ["DataAPI"] -git-tree-sha1 = "ec4f7fbeab05d7747bdf98eb74d130a2a2ed298d" -uuid = "e1d29d7a-bbdc-5cf2-9ac0-f12de2c33e28" -version = "1.2.0" - -[[deps.Mmap]] -uuid = "a63ad114-7e13-5084-954f-fe012c677804" - [[deps.OpenBLAS_jll]] deps = ["Artifacts", "CompilerSupportLibraries_jll", "Libdl"] uuid = "4536629a-c528-5b80-bd46-f80d51c5b363" version = "0.3.20+0" -[[deps.OrderedCollections]] -git-tree-sha1 = "dfdf5519f235516220579f949664f1bf44e741c5" -uuid = "bac558e1-5e72-5ebc-8fee-abe8a469f55d" -version = "1.6.3" - -[[deps.Parsers]] -deps = ["Dates", "PrecompileTools", "UUIDs"] -git-tree-sha1 = "8489905bcdbcfac64d1daa51ca07c0d8f0283821" -uuid = "69de0a69-1ddd-5017-9359-2bf0b02dc9f0" -version = "2.8.1" - -[[deps.PooledArrays]] -deps = ["DataAPI", "Future"] -git-tree-sha1 = "36d8b4b899628fb92c2749eb488d884a926614d3" -uuid = "2dfb63ee-cc39-5dd5-95bd-886bf059d720" -version = "1.4.3" - -[[deps.PrecompileTools]] -deps = ["Preferences"] -git-tree-sha1 = "5aa36f7049a63a1528fe8f7c3f2113413ffd4e1f" -uuid = "aea7be01-6a6a-4083-8856-8a6e6704d82a" -version = "1.2.1" - -[[deps.Preferences]] -deps = ["TOML"] -git-tree-sha1 = "9306f6085165d270f7e3db02af26a400d580f5c6" -uuid = "21216c6a-2e73-6563-6e65-726566657250" -version = "1.4.3" - -[[deps.PrettyTables]] -deps = ["Crayons", "LaTeXStrings", "Markdown", "PrecompileTools", "Printf", "Reexport", "StringManipulation", "Tables"] -git-tree-sha1 = "66b20dd35966a748321d3b2537c4584cf40387c7" -uuid = "08abe8d2-0d0c-5749-adfa-8a2ac140af0d" -version = "2.3.2" - -[[deps.Printf]] -deps = ["Unicode"] -uuid = "de0858da-6303-5e67-8744-51eddeeeb8d7" - -[[deps.REPL]] -deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] -uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" - [[deps.Random]] deps = ["SHA", "Serialization"] uuid = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" -[[deps.Reexport]] -git-tree-sha1 = "45e428421666073eab6f2da5c9d310d99bb12f9b" -uuid = "189a3867-3050-52da-a836-e630ba90ab69" -version = "1.2.2" - [[deps.SHA]] uuid = "ea8e919c-243c-51af-8825-aaa63cd721ce" version = "0.7.0" -[[deps.SentinelArrays]] -deps = ["Dates", "Random"] -git-tree-sha1 = "90b4f68892337554d31cdcdbe19e48989f26c7e6" -uuid = "91c51154-3ec4-41a3-a24f-3f23e20d615c" -version = "1.4.3" - [[deps.Serialization]] uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" -[[deps.Sockets]] -uuid = "6462fe0b-24de-5631-8697-dd941f90decc" - -[[deps.SortingAlgorithms]] -deps = ["DataStructures"] -git-tree-sha1 = "66e0a8e672a0bdfca2c3f5937efb8538b9ddc085" -uuid = "a2af1166-a08f-5f64-846c-94a0d3cef48c" -version = "1.2.1" - -[[deps.SparseArrays]] -deps = ["LinearAlgebra", "Random"] -uuid = "2f01184e-e22b-5df5-ae63-d93ebab69eaf" - -[[deps.Statistics]] -deps = ["LinearAlgebra", "SparseArrays"] -uuid = "10745b16-79ce-11e8-11f9-7d13ad32a3b2" - -[[deps.StringManipulation]] -deps = ["PrecompileTools"] -git-tree-sha1 = "a04cabe79c5f01f4d723cc6704070ada0b9d46d5" -uuid = "892a3eda-7b42-436c-8928-eab12a02cf0e" -version = "0.3.4" - -[[deps.TOML]] -deps = ["Dates"] -uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" -version = "1.0.0" - -[[deps.TableTraits]] -deps = ["IteratorInterfaceExtensions"] -git-tree-sha1 = "c06b2f539df1c6efa794486abfb6ed2022561a39" -uuid = "3783bdb8-4a98-5b6b-af9a-565f29a5fe9c" -version = "1.0.1" - -[[deps.Tables]] -deps = ["DataAPI", "DataValueInterfaces", "IteratorInterfaceExtensions", "LinearAlgebra", "OrderedCollections", "TableTraits"] -git-tree-sha1 = "cb76cf677714c095e535e3501ac7954732aeea2d" -uuid = "bd369af6-aec1-5ad0-b16a-f7cc5008161c" -version = "1.11.1" - -[[deps.Test]] -deps = ["InteractiveUtils", "Logging", "Random", "Serialization"] -uuid = "8dfed614-e22c-5e08-85e1-65c5234f0b40" - -[[deps.TranscodingStreams]] -deps = ["Random", "Test"] -git-tree-sha1 = "d73336d81cafdc277ff45558bb7eaa2b04a8e472" -uuid = "3bb67fe8-82b1-5028-8e26-92a6c54297fa" -version = "0.10.10" - -[[deps.UUIDs]] -deps = ["Random", "SHA"] -uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" - -[[deps.Unicode]] -uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" - -[[deps.WeakRefStrings]] -deps = ["DataAPI", "InlineStrings", "Parsers"] -git-tree-sha1 = "b1be2855ed9ed8eac54e5caff2afcdb442d52c23" -uuid = "ea10d353-3f73-51f8-a26c-33c1cb351aa5" -version = "1.4.2" - -[[deps.WorkerUtilities]] -git-tree-sha1 = "cd1659ba0d57b71a464a29e64dbc67cfe83d54e7" -uuid = "76eceee3-57b5-4d4a-8e66-0e911cebbf60" -version = "1.6.1" - -[[deps.Zlib_jll]] -deps = ["Libdl"] -uuid = "83775a58-1f1d-513f-b197-d71354ab007a" -version = "1.2.12+3" - [[deps.libblastrampoline_jll]] deps = ["Artifacts", "Libdl", "OpenBLAS_jll"] uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" diff --git a/Project.toml b/Project.toml index 3f26b356..8e583b82 100644 --- a/Project.toml +++ b/Project.toml @@ -4,8 +4,6 @@ authors = ["Darren Colby and contributors"] version = "0.6.0" [deps] -CSV = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" -DataFrames = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" LinearAlgebra = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" Random = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" diff --git a/docs/src/guide/doublemachinelearning.md b/docs/src/guide/doublemachinelearning.md index a143510e..288ffdb5 100644 --- a/docs/src/guide/doublemachinelearning.md +++ b/docs/src/guide/doublemachinelearning.md @@ -6,12 +6,6 @@ machine learning estimates models of the treatment assignment and outcome and th them in a final model. This is a semiparametric model in the sense that the first stage models can take on any functional form but the final stage model is linear. -!!! note - If regularized is set to true then the ridge penalty will be estimated using generalized - cross validation where the maximum number of iterations is 2 * folds for the successive - halving procedure. However, if the penalty in on iteration is approximately the same as in - the previous penalty, then the procedure will stop early. - !!! note For more information see: @@ -19,13 +13,10 @@ models can take on any functional form but the final stage model is linear. Whitney Newey, and James Robins. "Double/debiased machine learning for treatment and structural parameters." (2018): C1-C68. - ## Step 1: Initialize a Model The DoubleMachineLearning constructor takes at least three arguments, an array of covariates, a treatment vector, and an outcome vector. This estimator supports binary, count, -or continuous treatments and binary, count, continuous, or time to event outcomes. You can -also specify confounders that you do not want to estimate the CATE for by passing a parameter -to the W argument. Otherwise, the model assumes all possible confounders are contained in X. +or continuous treatments and binary, count, continuous, or time to event outcomes. !!! note Internally, the outcome and treatment models are treated as a regression since extreme @@ -36,23 +27,22 @@ to the W argument. Otherwise, the model assumes all possible confounders are con variables. !!! tip - You can also specify the following options: whether to use L2 regularization, the - activation function, the number of folds to use for cross fitting, and the number of - iterations to perform cross validation. These arguments are specified with the following - keyword arguments: regularized, activation, folds, and num\_neurons. + You can also specify the the number of folds to use for cross-fitting, the number of + extreme learning machines to incorporate in the ensemble, the number of features to + consider for each extreme learning machine, the activation function to use, the number + of observations to bootstrap in each extreme learning machine, and the number of neurons + in each extreme learning machine. These arguments are specified with the folds, + num_machines, num_features, activation, sample_size, and num\_neurons keywords. + ```julia # Create some data with a binary treatment X, T, Y, W = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100), rand(100, 4) -# We could also use DataFrames +# We could also use DataFrames or any other package implementing the Tables.jl API # using DataFrames # X = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100), x5=rand(100)) # T, Y = DataFrame(t=[rand()<0.4 for i in 1:100]), DataFrame(y=rand(100)) -# W = DataFrame(w1=rand(100), w2=rand(100), w3=rand(100), w4=rand(100)) - -# W is optional and means there are confounders that you are not interested in estimating -# the CATE for -dml = DoubleMachineLearning(X, T, Y, W=W) +dml = DoubleMachineLearning(X, T, Y) ``` ## Step 2: Estimate the Causal Effect diff --git a/docs/src/guide/gcomputation.md b/docs/src/guide/gcomputation.md index 3bb28081..c0358901 100644 --- a/docs/src/guide/gcomputation.md +++ b/docs/src/guide/gcomputation.md @@ -5,12 +5,6 @@ given at multiple times whose status depends on the health of the patient at a g One way to get an unbiased estimate of the causal effect is to use G-computation. The basic steps for using G-computation in CausalELM are below. -!!! note - If regularized is set to true then the ridge penalty will be estimated using generalized - cross validation where the maximum number of iterations is 2 * folds for the successive - halving procedure. However, if the penalty in on iteration is approximately the same as in - the previous penalty, then the procedure will stop early. - !!! note For a good overview of G-Computation see: @@ -26,10 +20,13 @@ treatment statuses, and an outcome vector. It can support binary treatments and continuous, time to event, and count outcome variables. !!! tip - You can also specify the causal estimand, whether to employ L2 regularization, which - activation function to use, whether the data is of a temporal nature, and the number of + You can also specify the causal estimand, which activation function to use, whether the + data is of a temporal nature, the number of extreme learning machines to use, the + number of features to consider for each extreme learning machine, the number of + bootstrapped observations to include in each extreme learning machine, and the number of neurons to use during estimation. These options are specified with the following keyword - arguments: quantity\_of\_interest, regularized, activation, temporal, and num\_neurons. + arguments: quantity\_of\_interest, activation, temporal, num_machines, num_feats, + sample_size, and num\_neurons. !!! note Internally, the outcome model is treated as a regression since extreme learning machines @@ -42,7 +39,7 @@ continuous, time to event, and count outcome variables. # Create some data with a binary treatment X, T, Y = rand(1000, 5), [rand()<0.4 for i in 1:1000], rand(1000) -# We could also use DataFrames +# We could also use DataFrames or any other package that implements the Tables.jl API # using DataFrames # X = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # T, Y = DataFrame(t=[rand()<0.4 for i in 1:1000]), DataFrame(y=rand(1000)) diff --git a/docs/src/guide/its.md b/docs/src/guide/its.md index bd9c2678..94ea06a3 100644 --- a/docs/src/guide/its.md +++ b/docs/src/guide/its.md @@ -10,12 +10,6 @@ differences between the predicted post-event counterfactual outcomes and the obs post-event outcomes, which can also be aggregated to mean or cumulative effects. Estimating an interrupted time series design in CausalELM consists of three steps. -!!! note - If regularized is set to true then the ridge penalty will be estimated using generalized - cross validation where the maximum number of iterations is 2 * folds for the successive - halving procedure. However, if the penalty in on iteration is approximately the same as in - the previous penalty, then the procedure will stop early. - !!! note For a deeper dive on interrupted time series estimation see: @@ -45,16 +39,18 @@ continuous, count, or time to event variables. continuous variables. !!! tip - You can also specify whether or not to use L2 regularization, which activation function - to use, the number of neurons to use during estimation, and whether to include a rolling - average autoregressive term. These options can be specified using the keyword arguments - regularized, activation, num\_neurons, and autoregression. + You can also specify which activation function to use, whether the data is of a temporal + nature, the number of extreme learning machines to use, the number of features to + consider for each extreme learning machine, the number of bootstrapped observations to + include in each extreme learning machine, and the number of neurons to use during + estimation. These options are specified with the following keyword arguments: + activation, temporal, num_machines, num_feats, sample_size, and num\_neurons. ```julia # Generate some data to use X₀, Y₀, X₁, Y₁ = rand(1000, 5), rand(1000), rand(100, 5), rand(100) -# We could also use DataFrames +# We could also use DataFrames or any other package that implements the Tables.jl API # using DataFrames # X₀ = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # X₁ = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) diff --git a/docs/src/guide/metalearners.md b/docs/src/guide/metalearners.md index b947aafb..dad7b22a 100644 --- a/docs/src/guide/metalearners.md +++ b/docs/src/guide/metalearners.md @@ -50,15 +50,18 @@ event outcomes. variables. !!! tip - Additional options can be specified for each type of metalearner using its keyword arguments. + You can also specify the the number of folds to use for cross-fitting, the number of + extreme learning machines to incorporate in the ensemble, the number of features to + consider for each extreme learning machine, the activation function to use, the number + of observations to bootstrap in each extreme learning machine, and the number of neurons + in each extreme learning machine. These arguments are specified with the folds, + num_machines, num_features, activation, sample_size, and num\_neurons keywords. + ```julia # Generate data to use X, Y, T = rand(1000, 5), rand(1000), [rand()<0.4 for i in 1:1000] -# We can also speficy potential confounders that we are not interested in -W = randn(1000, 6) - -# We could also use DataFrames +# We could also use DataFrames or any other package that implements the Tables.jl API # using DataFrames # X = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # T, Y = DataFrame(t=[rand()<0.4 for i in 1:1000]), DataFrame(y=rand(1000)) @@ -66,8 +69,8 @@ W = randn(1000, 6) s_learner = SLearner(X, Y, T) t_learner = TLearner(X, Y, T) x_learner = XLearner(X, Y, T) -r_learner = RLearner(X, Y, T, W=W) -dr_learner = DoublyRobustLearner(X, T, Y, W=W) +r_learner = RLearner(X, Y, T) +dr_learner = DoublyRobustLearner(X, T, Y) ``` # Estimate the CATE diff --git a/docs/src/index.md b/docs/src/index.md index 049798a1..8d435eae 100644 --- a/docs/src/index.md +++ b/docs/src/index.md @@ -19,22 +19,22 @@ or infeasible. To enable this, CausalELM provides a simple API to initialize a m estimate a causal effect, get a summary from the model, and test the robustness of the model. CausalELM includes estimators for interupted time series analysis, G-Computation, double machine learning, S-Learning, T-Learning, X-Learning, R-learning, and doubly robust -estimation. Underlying all these estimators are extreme learning machines. Like tree-based -learners, which are often used in causal machine learning, extreme learning machines are -simple and can capture non-linear relationships. However, unlike random forests or other -ensemble models, they essentially only require two hyperparameters—the number of neurons, -and the L2 penalty (when using regularization)—which are automatically tuned when -estimate_causal_effect! is called. This makes CausalELM both very simple and very powerful -for estimating treatment effects. +estimation. Underlying all these estimators are bagged extreme learning machines. Extreme +learning machines are a single layer feedfoward neural network that relies on randomized +weights and least squares optimization, making them expressive, simple, and computationally +efficient. Combining them with bagging reduces the variance due to their randomized weights +and provides a form of regularization that does not have to be tuned through cross +validation.These attributes make CausalELM a very simple and powerful package for estimating +treatment effects. ### Features * Estimate a causal effect, get a summary, and validate assumptions in just four lines of code -* All models automatically select the best number of neurons and L2 penalty +* Bagging improves performance and reduces variance without the need to tune a regularization parameter * Enables using the same structs for regression and classification * Includes 13 activation functions and allows user-defined activation functions * Most inference and validation tests do not assume functional or distributional forms * Implements the latest techniques form statistics, econometrics, and biostatistics -* Works out of the box with arrays or any data structure that implements teh Tables.jl interface +* Works out of the box with arrays or any data structure that implements the Tables.jl interface * Codebase is high-quality, well tested, and regularly updated ### What's New? diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 2cfd6ca5..4c150977 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -1,12 +1,13 @@ # Release Notes These release notes adhere to the [keep a changelog](https://keepachangelog.com/en/1.0.0/) format. Below is a list of changes since CausalELM was first released. -## Version [v0.6.1](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.1) - 2024-06-22 +## Version [v0.7.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.1) - 2024-06-22 ### Added - +* Implemented bagged ensemble of extreme learning machines to use with estimators [#67](https://github.com/dscolby/CausalELM.jl/issues/67) ### Changed * Compute the number of neurons to use with log heuristic instead of cross validation [#62](https://github.com/dscolby/CausalELM.jl/issues/62) * Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) +* Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) ### Fixed ## Version [v0.6.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.0) - 2024-06-15 diff --git a/src/estimators.jl b/src/estimators.jl index a1735e13..6162ac5d 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -7,10 +7,10 @@ abstract type CausalEstimator end Initialize an interrupted time series estimator. # Arguments -- `X₀::Any`: an array or DataFrame of covariates from the pre-treatment period. -- `Y₁::Any`: an array or DataFrame of outcomes from the pre-treatment period. -- `X₁::Any`: an array or DataFrame of covariates from the post-treatment period. -- `Y₁::Any`: an array or DataFrame of outcomes from the post-treatment period. +- `X₀::Any`: array or DataFrame of covariates from the pre-treatment period. +- `Y₁::Any`: array or DataFrame of outcomes from the pre-treatment period. +- `X₁::Any`: array or DataFrame of covariates from the post-treatment period. +- `Y₁::Any`: array or DataFrame of outcomes from the post-treatment period. # Keywords - `activation::Function=relu`: activation function to use. @@ -32,10 +32,6 @@ For a simple linear regression-based tutorial on interrupted time series analysi regression for the evaluation of public health interventions: a tutorial." International journal of epidemiology 46, no. 1 (2017): 348-355. -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X₀, Y₀, X₁, Y₁ = rand(100, 5), rand(100), rand(10, 5), rand(10) @@ -100,9 +96,9 @@ end Initialize a G-Computation estimator. # Arguments -- `X::Any`: an array or DataFrame of covariates. -- `T::Any`: an vector or DataFrame of treatment statuses. -- `Y::Any`: an array or DataFrame of outcomes. +- `X::Any`: array or DataFrame of covariates. +- `T::Any`: vector or DataFrame of treatment statuses. +- `Y::Any`: array or DataFrame of outcomes. # Keywords - `quantity_of_interest::String`: ATE for average treatment effect or ATT for average @@ -128,11 +124,6 @@ For a good overview of G-Computation see: estimator for causal inference with different covariates sets: a comparative simulation study." Scientific reports 10, no. 1 (2020): 9219. - -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X, T, Y = rand(100, 5), rand(100), [rand()<0.4 for i in 1:100] @@ -194,12 +185,11 @@ end Initialize a double machine learning estimator with cross fitting. # Arguments -- `X::Any`: an array or DataFrame of covariates of interest. -- `T::Any`: an vector or DataFrame of treatment statuses. -- `Y::Any`: an array or DataFrame of outcomes. +- `X::Any`: array or DataFrame of covariates of interest. +- `T::Any`: vector or DataFrame of treatment statuses. +- `Y::Any`: array or DataFrame of outcomes. # Keywords -- `W::Any`: array or dataframe of all possible confounders. - `activation::Function=relu`: activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for teh extreme learners. @@ -220,10 +210,6 @@ For more information see: Whitney Newey, and James Robins. "Double/debiased machine learning for treatment and structural parameters." (2016): C1-C68. -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) @@ -235,7 +221,7 @@ julia> m2 = DoubleMachineLearning(x_df, t_df, y_df) ``` """ mutable struct DoubleMachineLearning <: CausalEstimator - @double_learner_input_data + @standard_input_data @model_config average_effect folds::Integer end @@ -244,16 +230,15 @@ function DoubleMachineLearning( X, T, Y; - W=X, activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(sqrt(size(X, 2)))), - num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), + num_neurons::Integer=round(Int, log10(size(X, 1)) * num_feats), folds::Integer=5, ) # Convert to arrays - X, T, Y, W = Matrix{Float64}(X), T[:, 1], Y[:, 1], Matrix{Float64}(W) + X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] task = var_type(Y) isa Binary ? "classification" : "regression" @@ -261,7 +246,6 @@ function DoubleMachineLearning( X, float(T), float(Y), - W, "ATE", false, task, @@ -388,7 +372,7 @@ julia> estimate_causal_effect!(m2) ``` """ function estimate_causal_effect!(DML::DoubleMachineLearning) - X, T, W, Y = make_folds(DML) + X, T, Y = generate_folds(DML.X, DML.T, DML.Y, DML.folds) DML.causal_effect = 0 # Cross fitting by training on the main folds and predicting residuals on the auxillary @@ -396,11 +380,8 @@ function estimate_causal_effect!(DML::DoubleMachineLearning) X_train, X_test = reduce(vcat, X[1:end .!== fld]), X[fld] Y_train, Y_test = reduce(vcat, Y[1:end .!== fld]), Y[fld] T_train, T_test = reduce(vcat, T[1:end .!== fld]), T[fld] - W_train, W_test = reduce(vcat, W[1:end .!== fld]), W[fld] - Ỹ, T̃ = predict_residuals( - DML, X_train, X_test, Y_train, Y_test, T_train, T_test, W_train, W_test - ) + Ỹ, T̃ = predict_residuals(DML, X_train, X_test, Y_train, Y_test, T_train, T_test) DML.causal_effect += T̃\Ỹ end @@ -429,81 +410,41 @@ julia> predict_residuals(m1, x_train, x_test, y_train, y_test, t_train, t_test) """ function predict_residuals( D, - x_train::Array{Float64}, - x_test::Array{Float64}, - y_train::Vector{Float64}, - y_test::Vector{Float64}, - t_train::Vector{Float64}, - t_test::Vector{Float64}, - w_train::Array{Float64}, - w_test::Array{Float64}, + xₜᵣ::Array{Float64}, + xₜₑ::Array{Float64}, + yₜᵣ::Vector{Float64}, + yₜₑ::Vector{Float64}, + tₜᵣ::Vector{Float64}, + tₜₑ::Vector{Float64}, ) - V = x_train != w_train && x_test != w_test ? reduce(hcat, (x_train, w_train)) : x_train - V_test = V == x_train ? x_test : reduce(hcat, (x_test, w_test)) - - y = ELMEnsemble(V, - y_train, - D.sample_size, - D.num_machines, - D.num_feats, - D.num_neurons, - D.activation + y = ELMEnsemble( + xₜᵣ, yₜᵣ, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation ) - t = ELMEnsemble(V, - t_train, - D.sample_size, - D.num_machines, - D.num_feats, - D.num_neurons, - D.activation + t = ELMEnsemble( + xₜᵣ, tₜᵣ, D.sample_size, D.num_machines, D.num_feats, D.num_neurons, D.activation ) fit!(y) fit!(t) - y_pred, t_pred = predict_mean(y, V_test), predict_mean(t, V_test) - ỹ, t̃ = y_test - y_pred, t_test - t_pred - - return ỹ, t̃ -end - -""" - make_folds(D) - -Make folds for cross fitting for a double machine learning estimator. - -# Notes -This method should not be called directly. - -# Examples -```julia -julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) -julia> m1 = DoubleMachineLearning(X, T, Y) -julia> make_folds(m1) -``` -""" -function make_folds(D) - X_T_W, Y = generate_folds(reduce(hcat, (D.X, D.T, D.W)), D.Y, D.folds) - X = [fl[:, 1:size(D.X, 2)] for fl in X_T_W] - T = [fl[:, size(D.X, 2) + 1] for fl in X_T_W] - W = [fl[:, (size(D.X, 2) + 2):end] for fl in X_T_W] + yₚᵣ, tₚᵣ = predict_mean(y, xₜₑ), predict_mean(t, xₜₑ) - return X, T, W, Y + return yₜₑ - yₚᵣ, tₜₑ - tₚᵣ end """ - generate_folds(X, Y, folds) + generate_folds(X, T, Y, folds) Create folds for cross validation. # Examples ```jldoctest -julia> xfolds, y_folds = CausalELM.generate_folds(zeros(4, 2), zeros(4), 2) -([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]]) +julia> xfolds, tfolds, yfolds = CausalELM.generate_folds(zeros(4, 2), zeros(4), ones(4), 2) +([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]], [[1.0], [1.0, 1.0, 1.0]]) ``` """ -function generate_folds(X, Y, folds) +function generate_folds(X, T, Y, folds) msg = """the number of folds must be less than the number of observations""" n = length(Y) @@ -511,8 +452,9 @@ function generate_folds(X, Y, folds) throw(ArgumentError(msg)) end - fold_setx = Array{Array{Float64,2}}(undef, folds) - fold_sety = Array{Array{Float64,1}}(undef, folds) + x_folds = Array{Array{Float64, 2}}(undef, folds) + t_folds = Array{Array{Float64, 1}}(undef, folds) + y_folds = Array{Array{Float64, 1}}(undef, folds) # Indices to start and stop for each fold stops = round.(Int, range(; start=1, stop=n, length=folds + 1)) @@ -521,10 +463,10 @@ function generate_folds(X, Y, folds) indices = [s:(e - (e < n) * 1) for (s, e) in zip(stops[1:(end - 1)], stops[2:end])] for (i, idx) in enumerate(indices) - fold_setx[i], fold_sety[i] = X[idx, :], Y[idx] + x_folds[i], t_folds[i], y_folds[i] = X[idx, :], T[idx], Y[idx] end - return fold_setx, fold_sety + return x_folds, t_folds, y_folds end """ diff --git a/src/metalearners.jl b/src/metalearners.jl index 7c58db46..13c96430 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -31,10 +31,6 @@ For an overview of S-Learners and other metalearners see: estimating heterogeneous treatment effects using machine learning." Proceedings of the national academy of sciences 116, no. 10 (2019): 4156-4165. -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) @@ -115,10 +111,6 @@ For an overview of T-Learners and other metalearners see: estimating heterogeneous treatment effects using machine learning." Proceedings of the national academy of sciences 116, no. 10 (2019): 4156-4165. -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) @@ -194,14 +186,9 @@ computational complexity you can reduce sample_size, num_machines, or num_neuron # References For an overview of X-Learners and other metalearners see: -Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for -estimating heterogeneous treatment effects using machine learning." Proceedings of -the national academy of sciences 116, no. 10 (2019): 4156-4165. - -For details and a derivation of the generalized cross validation estimator see: -Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a -method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): -215-223. + Künzel, Sören R., Jasjeet S. Sekhon, Peter J. Bickel, and Bin Yu. "Metalearners for + estimating heterogeneous treatment effects using machine learning." Proceedings of the + national academy of sciences 116, no. 10 (2019): 4156-4165. # Examples ```julia @@ -264,7 +251,6 @@ Initialize an R-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `W::Any` : an array of all possible confounders. - `activation::Function=relu`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. @@ -282,10 +268,6 @@ computational complexity you can reduce sample_size, num_machines, or num_neuron For an explanation of R-Learner estimation see: Nie, Xinkun, and Stefan Wager. "Quasi-oracle estimation of heterogeneous treatment effects." Biometrika 108, no. 2 (2021): 299-319. - -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. # Examples ```julia @@ -295,13 +277,10 @@ julia> m1 = RLearner(X, T, Y) julia> x_df = DataFrame(x1=rand(100), x2=rand(100), x3=rand(100), x4=rand(100)) julia> t_df, y_df = DataFrame(t=rand(0:1, 100)), DataFrame(y=rand(100)) julia> m2 = RLearner(x_df, t_df, y_df) - -julia> w = rand(100, 6) -julia> m3 = RLearner(X, T, Y, W=w) ``` """ mutable struct RLearner <: Metalearner - @double_learner_input_data + @standard_input_data @model_config individual_effect folds::Integer end @@ -310,7 +289,6 @@ function RLearner( X, T, Y; - W=X, activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, @@ -320,7 +298,7 @@ function RLearner( ) # Convert to arrays - X, T, Y, W = Matrix{Float64}(X), T[:, 1], Y[:, 1], Matrix{Float64}(W) + X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] task = var_type(Y) isa Binary ? "classification" : "regression" @@ -328,7 +306,6 @@ function RLearner( X, Float64.(T), Float64.(Y), - W, "CATE", false, task, @@ -353,7 +330,6 @@ Initialize a doubly robust CATE estimator. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `W::Any` : an array of all possible confounders. - `activation::Function=relu`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. @@ -372,10 +348,6 @@ For an explanation of doubly robust cate estimation see: Kennedy, Edward H. "Towards optimal doubly robust estimation of heterogeneous causal effects." Electronic Journal of Statistics 17, no. 2 (2023): 3008-3049. -For details and a derivation of the generalized cross validation estimator see: - Golub, Gene H., Michael Heath, and Grace Wahba. "Generalized cross-validation as a - method for choosing a good ridge parameter." Technometrics 21, no. 2 (1979): 215-223. - # Examples ```julia julia> X, T, Y = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100) @@ -390,7 +362,7 @@ julia> m3 = DoublyRobustLearner(X, T, Y, W=w) ``` """ mutable struct DoublyRobustLearner <: Metalearner - @double_learner_input_data + @standard_input_data @model_config individual_effect folds::Integer end @@ -399,7 +371,6 @@ function DoublyRobustLearner( X, T, Y; - W=X, activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, @@ -408,7 +379,7 @@ function DoublyRobustLearner( folds::Integer=5, ) # Convert to arrays - X, T, Y, W = Matrix{Float64}(X), T[:, 1], Y[:, 1], Matrix{Float64}(W) + X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] task = var_type(Y) isa Binary ? "classification" : "regression" @@ -416,7 +387,6 @@ function DoublyRobustLearner( X, Float64.(T), Float64.(Y), - W, "CATE", false, task, @@ -537,7 +507,7 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(R::RLearner) - X, T, W, Y = make_folds(R) + X, T, Y = generate_folds(R.X, R.T, R.Y, R.folds) predictors = Vector{ELMEnsemble}(undef, R.folds) # Cross fitting by training on the main folds and predicting residuals on the auxillary @@ -545,11 +515,8 @@ function estimate_causal_effect!(R::RLearner) X_train, X_test = reduce(vcat, X[1:end .!== fld]), X[fld] Y_train, Y_test = reduce(vcat, Y[1:end .!== fld]), Y[fld] T_train, T_test = reduce(vcat, T[1:end .!== fld]), T[fld] - W_train, W_test = reduce(vcat, W[1:end .!== fld]), W[fld] - Ỹ, T̃ = predict_residuals( - R, X_train, X_test, Y_train, Y_test, T_train, T_test, W_train, W_test - ) + Ỹ, T̃ = predict_residuals(R, X_train, X_test, Y_train, Y_test, T_train, T_test) # Using the weight trick to get the non-parametric CATE for an R-learner X[fld], Y[fld] = (T̃ .^ 2) .* X_test, (T̃ .^ 2) .* (Ỹ ./ T̃) @@ -591,14 +558,13 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(DRE::DoublyRobustLearner) - X, T, W, Y = make_folds(DRE) - Z = DRE.W == DRE.X ? X : [reduce(hcat, (z)) for z in zip(X, W)] + X, T, Y = generate_folds(DRE.X, DRE.T, DRE.Y, DRE.folds) causal_effect = zeros(size(DRE.T, 1)) # Rotating folds for cross fitting for i in 1:2 - causal_effect .+= doubly_robust_formula!(DRE, X, T, Y, Z) - X, T, Y, Z = [X[2], X[1]], [T[2], T[1]], [Y[2], Y[1]], [Z[2], Z[1]] + causal_effect .+= doubly_robust_formula!(DRE, X, T, Y) + X, T, Y = [X[2], X[1]], [T[2], T[1]], [Y[2], Y[1]] end causal_effect ./= 2 @@ -608,7 +574,7 @@ function estimate_causal_effect!(DRE::DoublyRobustLearner) end """ - doubly_robust_formula!(DRE, X, T, Y, Z) + doubly_robust_formula!(DRE, X, T, Y) Estimate the CATE for a single cross fitting iteration via doubly robust estimation. @@ -620,7 +586,6 @@ This method should not be called directly. - `X`: a vector of three covariate folds. - `T`: a vector of three treatment folds. - `Y`: a vector of three outcome folds. -- `Z` : a vector of three confounder folds and covariate folds. # Examples ```julia @@ -632,10 +597,10 @@ julia> Z = m1.W == m1.X ? X : [reduce(hcat, (z)) for z in zip(X, W)] julia> g_formula!(m1, X, T, Y, Z) ``` """ -function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) +function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y) # Propensity scores π_e = ELMEnsemble( - Z[1], + X[1], T[1], DRE.sample_size, DRE.num_machines, @@ -646,7 +611,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) # Outcome predictions μ₀ = ELMEnsemble( - Z[1][T[1] .== 0, :], + X[1][T[1] .== 0, :], Y[1][T[1] .== 0], DRE.sample_size, DRE.num_machines, @@ -656,7 +621,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) ) μ₁ = ELMEnsemble( - Z[1][T[1] .== 1, :], + X[1][T[1] .== 1, :], Y[1][T[1] .== 1], DRE.sample_size, DRE.num_machines, @@ -666,7 +631,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y, Z) ) fit!.((π_e, μ₀, μ₁)) - π̂ , μ₀̂, μ₁̂ = predict_mean(π_e, Z[2]), predict_mean(μ₀, Z[2]), predict_mean(μ₁, Z[2]) + π̂ , μ₀̂, μ₁̂ = predict_mean(π_e, X[2]), predict_mean(μ₀, X[2]), predict_mean(μ₁, X[2]) # Pseudo outcomes ϕ̂ = diff --git a/src/utilities.jl b/src/utilities.jl index 24ed2130..e6fd94a6 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -169,25 +169,3 @@ macro standard_input_data() end return esc(inputs) end - -""" - double_learner_input_data() - -Generate fields common to DoubleMachineLearning, RLearner, and DoublyRobustLearner. - -# Examples -```julia -julia> struct TestStruct CausalELM.@double_learner_input_data end -julia> TestStruct([5.2], [0.8], [0.96], [0.87 1.8]) -TestStruct([5.2], [0.8], [0.96], [0.87 1.8]) -``` -""" -macro double_learner_input_data() - inputs = quote - X::Array{Float64} - T::Array{Float64} - Y::Array{Float64} - W::Array{Float64} - end - return esc(inputs) -end diff --git a/test/test_estimators.jl b/test/test_estimators.jl index c437ed55..bd1952dd 100644 --- a/test/test_estimators.jl +++ b/test/test_estimators.jl @@ -50,17 +50,8 @@ estimate_causal_effect!(dm_binary_out) # With dataframes instead of arrays dm_df = DoubleMachineLearning(x_df, t_df, y_df) -# Specifying W -dm_w = DoubleMachineLearning(x, t, y; W=rand(100, 4)) -estimate_causal_effect!(dm_w) - -# Calling estimate_effect! -dm_estimate_effect = DoubleMachineLearning(x, t, y) -dm_estimate_effect.num_neurons = 5 -CausalELM.causal_loss!(dm_estimate_effect) - # Generating folds -x_fold, t_fold, w_fold, y_fold = CausalELM.make_folds(dm) +x_fold, t_fold, y_fold = CausalELM.generate_folds(dm.X, dm.T, dm.Y, dm.folds) # Test predicting residuals x_train, x_test = x[1:80, :], x[81:end, :] @@ -68,7 +59,7 @@ t_train, t_test = float(t[1:80]), float(t[81:end]) y_train, y_test = float(y[1:80]), float(y[81:end]) residual_predictor = DoubleMachineLearning(x, t, y, num_neurons=5) residuals = CausalELM.predict_residuals( - residual_predictor, x_train, x_test, y_train, y_test, t_train, t_test, x_train, x_test + residual_predictor, x_train, x_test, y_train, y_test, t_train, t_test ) @testset "Interrupted Time Series Estimation" begin @@ -139,9 +130,7 @@ end end @testset "Double Machine Learning Estimation Helpers" begin - @test dm_estimate_effect.causal_effect isa Float64 @test size(x_fold[1], 2) == size(dm.X, 2) - @test size(w_fold[1], 2) == size(dm.W, 2) @test y_fold isa Vector{Vector{Float64}} @test t_fold isa Vector{Vector{Float64}} @test length(t_fold) == dm.folds @@ -151,8 +140,6 @@ end @testset "Double Machine Learning Post-estimation Structure" begin @test dm.causal_effect isa Float64 - @test dm_binary_out.causal_effect isa Float64 - @test dm_w.causal_effect isa Float64 end end diff --git a/test/test_metalearners.jl b/test/test_metalearners.jl index 91d35e37..60c8eac0 100644 --- a/test/test_metalearners.jl +++ b/test/test_metalearners.jl @@ -52,22 +52,15 @@ estimate_causal_effect!(x_learner_binary) rlearner = RLearner(x, t, y) estimate_causal_effect!(rlearner) -# Testing with a W arguments -r_learner_w = RLearner(x, t, y; W=rand(100, 4)) -estimate_causal_effect!(r_learner_w) - # Testing initialization with DataFrames r_learner_df = RLearner(x_df, t_df, y_df) # Doubly Robust Estimation -dr_learner = DoublyRobustLearner(x, t, y; W=rand(100, 4)) -X_T, Y = CausalELM.generate_folds( - reduce(hcat, (dr_learner.X, dr_learner.T, dr_learner.W)), dr_learner.Y, 2 -) -X = [fl[:, 1:size(dr_learner.X, 2)] for fl in X_T] -T = [fl[:, size(dr_learner.X, 2) + 1] for fl in X_T] -W = [fl[:, (size(dr_learner.W, 2) + 2):end] for fl in X_T] -τ̂ = CausalELM.doubly_robust_formula!(dr_learner, X, T, Y, reduce(hcat, (W, X))) +dr_learner = DoublyRobustLearner(x, t, y) +X, T, Y = CausalELM.generate_folds( + dr_learner.X, dr_learner.T, dr_learner.Y, dr_learner.folds + ) +τ̂ = CausalELM.doubly_robust_formula!(dr_learner, X, T, Y) estimate_causal_effect!(dr_learner) # Testing Doubly Robust Estimation with a binary outcome @@ -151,20 +144,15 @@ end @test rlearner.X isa Array{Float64} @test rlearner.T isa Array{Float64} @test rlearner.Y isa Array{Float64} - @test rlearner.W isa Array{Float64} @test r_learner_df.X isa Array{Float64} @test r_learner_df.T isa Array{Float64} @test r_learner_df.Y isa Array{Float64} - @test r_learner_df.W isa Array{Float64} end @testset "R-learner estimation" begin @test rlearner.causal_effect isa Vector @test length(rlearner.causal_effect) == length(y) @test eltype(rlearner.causal_effect) == Float64 - @test r_learner_w.causal_effect isa Vector - @test length(r_learner_w.causal_effect) == length(y) - @test eltype(r_learner_w.causal_effect) == Float64 end end diff --git a/testing.ipynb b/testing.ipynb index f1ab5145..11c81d0b 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -140,7 +140,7 @@ { "data": { "text/plain": [ - "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], [0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, NaN, 5)" + "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 24, NaN, 5)" ] }, "metadata": {}, @@ -153,13 +153,13 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 12, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "9033.493578983765" + "8667.309064475481" ] }, "metadata": {}, @@ -172,7 +172,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 9, "metadata": {}, "outputs": [ { @@ -183,8 +183,8 @@ " \"Quantity of Interest\" => \"ATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => 9033.49\n", - " \"Number of Neurons\" => 32\n", + " \"Causal Effect\" => 8806.5\n", + " \"Number of Neurons\" => 24\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", " \"Standard Error\" => NaN\n", @@ -202,13 +202,13 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "(Dict(0.025 => -4476.677196794664, 0.075 => -10907.740036294652, 0.1 => -7481.868340004905, 0.05 => -12111.35624853631), 2.7865714374354598, Matrix{Float64}(undef, 0, 9))" + "(Dict(0.025 => -12979.904119051262, 0.075 => -12217.068316708708, 0.1 => -6143.33640640303, 0.05 => -9062.747974951273), 2.8344920146887382, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, From 03eb8aa76feb4617d336f4c976fd2f58dfea00ba Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sun, 30 Jun 2024 19:35:46 -0500 Subject: [PATCH 09/24] Changed default number of features for estimators --- src/estimators.jl | 12 ++++++------ src/metalearners.jl | 20 ++++++++++---------- 2 files changed, 16 insertions(+), 16 deletions(-) diff --git a/src/estimators.jl b/src/estimators.jl index 6162ac5d..e391035d 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -17,7 +17,7 @@ Initialize an interrupted time series estimator. - `sample_size::Integer=size(X₀, 1)`: number of bootstrapped samples for the extreme learner. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X₀, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X₀, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -60,7 +60,7 @@ function InterruptedTimeSeries( activation::Function=relu, sample_size::Integer=size(X₀, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X₀, 2)))), + num_feats::Integer=Int(round(0.75 * size(X₀, 2))), num_neurons::Integer=round(Int, log10(size(X₀, 1)) * size(X₀, 2)), autoregression::Bool=true, ) @@ -107,7 +107,7 @@ Initialize a G-Computation estimator. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for the extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -149,7 +149,7 @@ mutable struct GComputation <: CausalEstimator activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), temporal::Bool=true, ) @@ -194,7 +194,7 @@ Initialize a double machine learning estimator with cross fitting. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for teh extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75, * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. - `folds::Integer`: number of folds to use for cross fitting. @@ -233,7 +233,7 @@ function DoubleMachineLearning( activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * num_feats), folds::Integer=5, ) diff --git a/src/metalearners.jl b/src/metalearners.jl index 13c96430..8ca36fe2 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -16,7 +16,7 @@ Initialize a S-Learner. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -55,7 +55,7 @@ mutable struct SLearner <: Metalearner activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) @@ -96,7 +96,7 @@ Initialize a T-Learner. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -135,7 +135,7 @@ mutable struct TLearner <: Metalearner activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) # Convert to arrays @@ -175,7 +175,7 @@ Initialize an X-Learner. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -215,7 +215,7 @@ mutable struct XLearner <: Metalearner activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) # Convert to arrays @@ -255,7 +255,7 @@ Initialize an R-Learner. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -292,7 +292,7 @@ function RLearner( activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, ) @@ -334,7 +334,7 @@ Initialize a doubly robust CATE estimator. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. -- `num_feats::Integer=Int(round(sqrt(size(X, 2))))`: number of features to bootstrap for +- `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -374,7 +374,7 @@ function DoublyRobustLearner( activation::Function=relu, sample_size::Integer=size(X, 1), num_machines::Integer=100, - num_feats::Integer=Int(round(sqrt(size(X, 2)))), + num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, ) From 28d0a0a07473801259eeb831192ff3073fdeb94f Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Sun, 30 Jun 2024 19:52:27 -0500 Subject: [PATCH 10/24] Moved generate_folds to utilities.jl --- src/estimators.jl | 51 +++++------------------------------------ src/metalearners.jl | 25 ++++++++------------ src/utilities.jl | 36 +++++++++++++++++++++++++++++ test/test_estimators.jl | 9 +------- test/test_utilities.jl | 13 +++++++++++ 5 files changed, 66 insertions(+), 68 deletions(-) diff --git a/src/estimators.jl b/src/estimators.jl index e391035d..0aaa6f45 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -22,9 +22,8 @@ Initialize an interrupted time series estimator. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For a simple linear regression-based tutorial on interrupted time series analysis see: @@ -112,9 +111,8 @@ Initialize a G-Computation estimator. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For a good overview of G-Computation see: @@ -200,9 +198,8 @@ Initialize a double machine learning estimator with cross fitting. - `folds::Integer`: number of folds to use for cross fitting. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For more information see: @@ -433,42 +430,6 @@ function predict_residuals( return yₜₑ - yₚᵣ, tₜₑ - tₚᵣ end -""" - generate_folds(X, T, Y, folds) - -Create folds for cross validation. - -# Examples -```jldoctest -julia> xfolds, tfolds, yfolds = CausalELM.generate_folds(zeros(4, 2), zeros(4), ones(4), 2) -([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]], [[1.0], [1.0, 1.0, 1.0]]) -``` -""" -function generate_folds(X, T, Y, folds) - msg = """the number of folds must be less than the number of observations""" - n = length(Y) - - if folds >= n - throw(ArgumentError(msg)) - end - - x_folds = Array{Array{Float64, 2}}(undef, folds) - t_folds = Array{Array{Float64, 1}}(undef, folds) - y_folds = Array{Array{Float64, 1}}(undef, folds) - - # Indices to start and stop for each fold - stops = round.(Int, range(; start=1, stop=n, length=folds + 1)) - - # Indices to use for making folds - indices = [s:(e - (e < n) * 1) for (s, e) in zip(stops[1:(end - 1)], stops[2:end])] - - for (i, idx) in enumerate(indices) - x_folds[i], t_folds[i], y_folds[i] = X[idx, :], T[idx], Y[idx] - end - - return x_folds, t_folds, y_folds -end - """ moving_average(x) diff --git a/src/metalearners.jl b/src/metalearners.jl index 8ca36fe2..85ce25cd 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -21,9 +21,8 @@ Initialize a S-Learner. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For an overview of S-Learners and other metalearners see: @@ -101,9 +100,8 @@ Initialize a T-Learner. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For an overview of T-Learners and other metalearners see: @@ -180,9 +178,8 @@ Initialize an X-Learner. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For an overview of X-Learners and other metalearners see: @@ -260,9 +257,8 @@ Initialize an R-Learner. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. ## References For an explanation of R-Learner estimation see: @@ -339,9 +335,8 @@ Initialize a doubly robust CATE estimator. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. # Notes -To reduce computational complexity and overfitting, the model used to estimate the -counterfactual is a bagged ensemble extreme learning machines. To further reduce the -computational complexity you can reduce sample_size, num_machines, or num_neurons. +To reduce the computational complexity you can reduce sample_size, num_machines, or +num_neurons. # References For an explanation of doubly robust cate estimation see: diff --git a/src/utilities.jl b/src/utilities.jl index e6fd94a6..5e5cd543 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -169,3 +169,39 @@ macro standard_input_data() end return esc(inputs) end + +""" + generate_folds(X, T, Y, folds) + +Create folds for cross validation. + +# Examples +```jldoctest +julia> xfolds, tfolds, yfolds = CausalELM.generate_folds(zeros(4, 2), zeros(4), ones(4), 2) +([[0.0 0.0], [0.0 0.0; 0.0 0.0; 0.0 0.0]], [[0.0], [0.0, 0.0, 0.0]], [[1.0], [1.0, 1.0, 1.0]]) +``` +""" +function generate_folds(X, T, Y, folds) + msg = """the number of folds must be less than the number of observations""" + n = length(Y) + + if folds >= n + throw(ArgumentError(msg)) + end + + x_folds = Array{Array{Float64, 2}}(undef, folds) + t_folds = Array{Array{Float64, 1}}(undef, folds) + y_folds = Array{Array{Float64, 1}}(undef, folds) + + # Indices to start and stop for each fold + stops = round.(Int, range(; start=1, stop=n, length=folds + 1)) + + # Indices to use for making folds + indices = [s:(e - (e < n) * 1) for (s, e) in zip(stops[1:(end - 1)], stops[2:end])] + + for (i, idx) in enumerate(indices) + x_folds[i], t_folds[i], y_folds[i] = X[idx, :], T[idx], Y[idx] + end + + return x_folds, t_folds, y_folds +end diff --git a/test/test_estimators.jl b/test/test_estimators.jl index bd1952dd..f9916840 100644 --- a/test/test_estimators.jl +++ b/test/test_estimators.jl @@ -50,9 +50,6 @@ estimate_causal_effect!(dm_binary_out) # With dataframes instead of arrays dm_df = DoubleMachineLearning(x_df, t_df, y_df) -# Generating folds -x_fold, t_fold, y_fold = CausalELM.generate_folds(dm.X, dm.T, dm.Y, dm.folds) - # Test predicting residuals x_train, x_test = x[1:80, :], x[81:end, :] t_train, t_test = float(t[1:80]), float(t[81:end]) @@ -129,11 +126,7 @@ end @test dm_df.Y !== Nothing end - @testset "Double Machine Learning Estimation Helpers" begin - @test size(x_fold[1], 2) == size(dm.X, 2) - @test y_fold isa Vector{Vector{Float64}} - @test t_fold isa Vector{Vector{Float64}} - @test length(t_fold) == dm.folds + @testset "Generating Residuals" begin @test residuals[1] isa Vector @test residuals[2] isa Vector end diff --git a/test/test_utilities.jl b/test/test_utilities.jl index 60e0420b..9a24cd93 100644 --- a/test/test_utilities.jl +++ b/test/test_utilities.jl @@ -50,6 +50,12 @@ double_model_input_ground_truth = quote W::Array{Float64} end +# Generating folds +big_x, big_t, big_y = rand(10000, 8), rand(0:1, 10000), vec(rand(1:100, 10000, 1)) +dm = DoubleMachineLearning(big_x, big_t, big_y) +estimate_causal_effect!(dm) +x_fold, t_fold, y_fold = CausalELM.generate_folds(dm.X, dm.T, dm.Y, dm.folds) + @testset "Moments" begin @test mean([1, 2, 3]) == 2 @test CausalELM.var([1, 2, 3]) == 1 @@ -96,3 +102,10 @@ end double_model_input_ground_truth.args[double_model_input_idx] ) end + +@testset "Generating Folds" begin + @test size(x_fold[1], 2) == size(dm.X, 2) + @test y_fold isa Vector{Vector{Float64}} + @test t_fold isa Vector{Vector{Float64}} + @test length(t_fold) == dm.folds +end From c95d6ff1eab65cc23b1ceeb8434c09486cb26223 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Mon, 1 Jul 2024 15:36:21 -0500 Subject: [PATCH 11/24] Fixed R-learning --- docs/src/release_notes.md | 1 + src/metalearners.jl | 66 ++++++++++++++++++--------------------- test/test_metalearners.jl | 2 ++ 3 files changed, 33 insertions(+), 36 deletions(-) diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 4c150977..c21b46bf 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -9,6 +9,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ * Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) * Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) ### Fixed +* Applying the weight trick for R-learning [#70](https://github.com/dscolby/CausalELM.jl/issues/70) ## Version [v0.6.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.0) - 2024-06-15 ### Added diff --git a/src/metalearners.jl b/src/metalearners.jl index 85ce25cd..8fc5664f 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -1,3 +1,5 @@ +using LinearAlgebra: Diagonal + """Abstract type for metalearners""" abstract type Metalearner end @@ -449,7 +451,7 @@ function estimate_causal_effect!(t::TLearner) fit!(t.μ₀) fit!(t.μ₁) - predictionsₜ, predictionsᵪ = predict_mean(t.μ₁, t.X), predict_mean(t.μ₀, t.X) + predictionsₜ, predictionsᵪ = predict(t.μ₁, t.X), predict(t.μ₀, t.X) t.causal_effect = @fastmath vec(predictionsₜ - predictionsᵪ) return t.causal_effect @@ -478,7 +480,7 @@ function estimate_causal_effect!(x::XLearner) μχ₀, μχ₁ = stage2!(x) x.causal_effect = @fastmath vec(( - (x.ps .* predict_mean(μχ₀, x.X)) .+ ((1 .- x.ps) .* predict_mean(μχ₁, x.X)) + (x.ps .* predict(μχ₀, x.X)) .+ ((1 .- x.ps) .* predict(μχ₁, x.X)) )) return x.causal_effect @@ -502,35 +504,28 @@ julia> estimate_causal_effect!(m1) ``` """ function estimate_causal_effect!(R::RLearner) - X, T, Y = generate_folds(R.X, R.T, R.Y, R.folds) - predictors = Vector{ELMEnsemble}(undef, R.folds) - - # Cross fitting by training on the main folds and predicting residuals on the auxillary - for fld in 1:(R.folds) - X_train, X_test = reduce(vcat, X[1:end .!== fld]), X[fld] - Y_train, Y_test = reduce(vcat, Y[1:end .!== fld]), Y[fld] - T_train, T_test = reduce(vcat, T[1:end .!== fld]), T[fld] - - Ỹ, T̃ = predict_residuals(R, X_train, X_test, Y_train, Y_test, T_train, T_test) - - # Using the weight trick to get the non-parametric CATE for an R-learner - X[fld], Y[fld] = (T̃ .^ 2) .* X_test, (T̃ .^ 2) .* (Ỹ ./ T̃) - mod = ELMEnsemble( - X[fld], - Y[fld], - R.sample_size, - R.num_machines, - R.num_feats, - R.num_neurons, - R.activation - ) - - fit!(mod) - predictors[fld] = mod + X, T̃, Ỹ = generate_folds(R.X, R.T, R.Y, R.folds) + R.X, R.T, R.Y = reduce(vcat, X), reduce(vcat, T̃), reduce(vcat, Ỹ) + + # Get residuals from out-of-fold predictions + for f in 1:(R.folds) + X_train, X_test = reduce(vcat, X[1:end .!== f]), X[f] + Y_train, Y_test = reduce(vcat, Ỹ[1:end .!== f]), Ỹ[f] + T_train, T_test = reduce(vcat, T̃[1:end .!== f]), T̃[f] + Ỹ[f], T̃[f] = predict_residuals(R, X_train, X_test, Y_train, Y_test, T_train, T_test) end - final_predictions = [predict_mean(m, reduce(vcat, X)) for m in predictors] - R.causal_effect = vec(mapslices(mean, reduce(hcat, final_predictions); dims=2)) + # Using target transformation and the weight trick to minimize the causal loss + T̃², target = reduce(vcat, T̃).^2, reduce(vcat, T̃) ./ reduce(vcat, Ỹ) + W⁻⁵ᵉ⁻¹ = Diagonal(sqrt.(T̃²)) + Xʷ, Yʷ = W⁻⁵ᵉ⁻¹ * R.X, W⁻⁵ᵉ⁻¹ * target + + # Fit a weighted residual-on-residual model + final_model = ELMEnsemble( + Xʷ, Yʷ, R.sample_size, R.num_machines, R.num_feats, R.num_neurons, R.activation + ) + fit!(final_model) + R.causal_effect = predict(final_model, R.X) return R.causal_effect end @@ -585,7 +580,7 @@ This method should not be called directly. # Examples ```julia julia> X, T, Y, W = rand(100, 5), [rand()<0.4 for i in 1:100], rand(100), rand(6, 100) -julia> m1 = DoublyRobustLearner(X, T, Y, W=W) +julia> m1 = DoublyRobustLearner(X, T, Y) julia> X, T, W, Y = make_folds(m1) julia> Z = m1.W == m1.X ? X : [reduce(hcat, (z)) for z in zip(X, W)] @@ -604,7 +599,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y) DRE.activation ) - # Outcome predictions + # Outcome models μ₀ = ELMEnsemble( X[1][T[1] .== 0, :], Y[1][T[1] .== 0], @@ -626,7 +621,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y) ) fit!.((π_e, μ₀, μ₁)) - π̂ , μ₀̂, μ₁̂ = predict_mean(π_e, X[2]), predict_mean(μ₀, X[2]), predict_mean(μ₁, X[2]) + π̂ , μ₀̂, μ₁̂ = predict(π_e, X[2]), predict(μ₀, X[2]), predict(μ₁, X[2]) # Pseudo outcomes ϕ̂ = @@ -644,8 +639,7 @@ function doubly_robust_formula!(DRE::DoublyRobustLearner, X, T, Y) DRE.activation ) fit!(τ_est) - - return predict_mean(τ_est, DRE.X) + return predict(τ_est, DRE.X) end """ @@ -690,7 +684,7 @@ function stage1!(x::XLearner) # Get propensity scores fit!(g) - x.ps = predict_mean(g, x.X) + x.ps = predict(g, x.X) # Fit first stage outcome models fit!(x.μ₀) @@ -714,7 +708,7 @@ julia> stage2!(m1) ``` """ function stage2!(x::XLearner) - m₁, m₀ = predict_mean(x.μ₁, x.X .- x.Y), predict_mean(x.μ₀, x.X) + m₁, m₀ = predict(x.μ₁, x.X .- x.Y), predict(x.μ₀, x.X) d = ifelse(x.T === 0, m₁, x.Y .- m₀) μχ₀ = ELMEnsemble( diff --git a/test/test_metalearners.jl b/test/test_metalearners.jl index 60c8eac0..d63fd857 100644 --- a/test/test_metalearners.jl +++ b/test/test_metalearners.jl @@ -153,6 +153,7 @@ end @test rlearner.causal_effect isa Vector @test length(rlearner.causal_effect) == length(y) @test eltype(rlearner.causal_effect) == Float64 + @test all(isnan, rlearner.causal_effect) == false end end @@ -175,6 +176,7 @@ end @test dr_learner.causal_effect isa Vector @test length(dr_learner.causal_effect) === length(y) @test eltype(dr_learner.causal_effect) == Float64 + @test all(isnan, dr_learner.causal_effect) == false @test dr_learner_df.causal_effect isa Vector @test length(dr_learner_df.causal_effect) === length(y) @test eltype(dr_learner_df.causal_effect) == Float64 From 2ee91b8038277e1a8481f59a29ea155ea3557052 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Mon, 1 Jul 2024 15:42:18 -0500 Subject: [PATCH 12/24] Implemented probabilistic predictions for binary outcomes --- docs/src/api.md | 2 -- docs/src/guide/estimatorselection.md | 20 +++++++++----------- docs/src/release_notes.md | 1 + src/estimators.jl | 6 +++--- src/inference.jl | 2 +- src/model_validation.jl | 14 +++++++------- src/models.jl | 10 +++++----- src/utilities.jl | 6 +++--- test/test_models.jl | 7 ++----- test/test_utilities.jl | 2 +- 10 files changed, 32 insertions(+), 38 deletions(-) diff --git a/docs/src/api.md b/docs/src/api.md index f840feae..8edd38ce 100644 --- a/docs/src/api.md +++ b/docs/src/api.md @@ -46,7 +46,6 @@ fourier CausalELM.g_formula! CausalELM.causal_loss! CausalELM.predict_residuals -CausalELM.make_folds CausalELM.moving_average CausalELM.generate_folds ``` @@ -117,5 +116,4 @@ CausalELM.one_hot_encode CausalELM.clip_if_binary CausalELM.@model_config CausalELM.@standard_input_data -CausalELM.@double_learner_input_data ``` diff --git a/docs/src/guide/estimatorselection.md b/docs/src/guide/estimatorselection.md index f42af92f..ca948056 100644 --- a/docs/src/guide/estimatorselection.md +++ b/docs/src/guide/estimatorselection.md @@ -5,15 +5,13 @@ given dataset and causal question. | Model | Struct | Causal Estimands | Supported Treatment Types | Supported Outcome Types | |----------------------------------|-----------------------|----------------------------------|---------------------------|------------------------------------------| -| Interrupted Time Series Analysis | InterruptedTimeSeries | ATE, Cumulative Treatment Effect | Binary | Continuous, Count[^2], Time to Event | -| G-computation | GComputation | ATE, ATT, ITT | Binary | Binary[^1],Continuous, Time to Event, Count[^2] | -| Double Machine Learning | DoubleMachineLearning | ATE | Binary[^1], Count[^2], Continuous | Binary[^1], Count[^2], Continuous, Time to Event | -| S-learning | SLearner | CATE | Binary | Binary[^1], Continuous, Time to Event, Count[^2] | -| T-learning | TLearner | CATE | Binary | Binary[^1], Continuous, Count[^2], Time to Event | -| X-learning | XLearner | CATE | Binary[^1] | Binary[^1], Continuous, Count[^2], Time to Event | -| R-learning | RLearner | CATE | Binary[^1], Count[^2], Continuous | Binary[^1], Count[^2], Continuous, Time to Event | -| Doubly Robust Estimation | DoublyRobustLearner | CATE | Binary | Binary[^1], Continuous, Count[^2], Time to Event | +| Interrupted Time Series Analysis | InterruptedTimeSeries | ATE, Cumulative Treatment Effect | Binary | Continuous, Count[^1], Time to Event | +| G-computation | GComputation | ATE, ATT, ITT | Binary | Binary,Continuous, Time to Event, Count[^1] | +| Double Machine Learning | DoubleMachineLearning | ATE | Binary, Count[^1], Continuous | Binary, Count[^1], Continuous, Time to Event | +| S-learning | SLearner | CATE | Binary | Binary, Continuous, Time to Event, Count[^1] | +| T-learning | TLearner | CATE | Binary | Binary, Continuous, Count[^1], Time to Event | +| X-learning | XLearner | CATE | Binary | Binary, Continuous, Count[^1], Time to Event | +| R-learning | RLearner | CATE | Binary, Count[^1], Continuous | Binary, Count[^1], Continuous, Time to Event | +| Doubly Robust Estimation | DoublyRobustLearner | CATE | Binary | Binary, Continuous, Count[^1], Time to Event | -[^1]: Models that use propensity scores or predict binary treatment assignment may, on very rare occasions, return values outside of [0, 1]. In that case, values are clipped to be between 0.0000001 and 0.9999999. - -[^2]: Similar to other packages, predictions of count variables is treated as a continuous regression task. \ No newline at end of file +[^1]: Similar to other packages, predictions of count variables is treated as a continuous regression task. \ No newline at end of file diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index c21b46bf..3197ca91 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -6,6 +6,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ * Implemented bagged ensemble of extreme learning machines to use with estimators [#67](https://github.com/dscolby/CausalELM.jl/issues/67) ### Changed * Compute the number of neurons to use with log heuristic instead of cross validation [#62](https://github.com/dscolby/CausalELM.jl/issues/62) +* Calculate probabilities as the average label predicted by the ensemble instead of clipping [#71](https://github.com/dscolby/CausalELM.jl/issues/71) * Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) * Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) ### Fixed diff --git a/src/estimators.jl b/src/estimators.jl index 0aaa6f45..76c205c4 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -280,7 +280,7 @@ function estimate_causal_effect!(its::InterruptedTimeSeries) ) fit!(learner) - its.causal_effect = predict_mean(learner, its.X₁) - its.Y₁ + its.causal_effect = predict(learner, its.X₁) - its.Y₁ return its.causal_effect end @@ -347,7 +347,7 @@ function g_formula!(g) # Keeping this separate enables it to be reused for S-Le fit!(g.ensemble) - yₜ, yᵤ = predict_mean(g.ensemble, Xₜ), predict_mean(g.ensemble, Xᵤ) + yₜ, yᵤ = predict(g.ensemble, Xₜ), predict(g.ensemble, Xᵤ) return vec(yₜ) - vec(yᵤ) end @@ -425,7 +425,7 @@ function predict_residuals( fit!(y) fit!(t) - yₚᵣ, tₚᵣ = predict_mean(y, xₜₑ), predict_mean(t, xₜₑ) + yₚᵣ, tₚᵣ = predict(y, xₜₑ), predict(t, xₜₑ) return yₜₑ - yₚᵣ, tₜₑ - tₚᵣ end diff --git a/src/inference.jl b/src/inference.jl index 49d9f187..3ceb9620 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -189,7 +189,7 @@ julia> generate_null_distribution(g_computer, 500) ``` """ function generate_null_distribution(mod, n) - local m = deepcopy(mod) + m = deepcopy(mod) nobs = size(m.T, 1) results = Vector{Float64}(undef, n) diff --git a/src/model_validation.jl b/src/model_validation.jl index 5cfd87a2..a7ebd6c7 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -576,13 +576,13 @@ function risk_ratio(::Binary, ::Binary, mod) # For algorithms that use one model to estimate the outcome if hasfield(typeof(mod), :ensemble) - return @fastmath mean(predict_mean(mod.ensemble, Xₜ)) / mean(predict_mean(mod.ensemble, Xᵤ)) + return @fastmath (mean(predict(mod.ensemble, Xₜ)) / mean(predict(mod.ensemble, Xᵤ))) # For models that use separate models for outcomes in the treatment and control group else hasfield(typeof(mod), :μ₀) Xₜ, Xᵤ = mod.X[mod.T .== 1, :], mod.X[mod.T .== 0, :] - return @fastmath mean(predict_mean(mod.μ₁, Xₜ)) / mean(predict_mean(mod.μ₀, Xᵤ)) + return @fastmath mean(predict(mod.μ₁, Xₜ)) / mean(predict(mod.μ₀, Xᵤ)) end end @@ -594,13 +594,13 @@ function risk_ratio(::Binary, ::Count, mod) # For estimators with a single model of the outcome variable if hasfield(typeof(mod), :ensemble) - return @fastmath (sum(predict_mean(mod.ensemble, Xₜ)) / m) / - (sum(predict_mean(mod.ensemble, Xᵤ)) / n) + return @fastmath (sum(predict(mod.ensemble, Xₜ)) / m) / + (sum(predict(mod.ensemble, Xᵤ)) / n) # For models that use separate models for outcomes in the treatment and control group elseif hasfield(typeof(mod), :μ₀) Xₜ, Xᵤ = mod.X[mod.T .== 1, :], mod.X[mod.T .== 0, :] - return @fastmath mean(predict_mean(mod.μ₁, Xₜ)) / mean(predict_mean(mod.μ₀, Xᵤ)) + return @fastmath mean(predict(mod.μ₁, Xₜ)) / mean(predict(mod.μ₀, Xᵤ)) else learner = ELMEnsemble( reduce(hcat, (mod.X, mod.T)), @@ -613,7 +613,7 @@ function risk_ratio(::Binary, ::Count, mod) ) fit!(learner) - @fastmath mean(predict_mean(learner, Xₜ)) / mean(predict_mean(learner, Xᵤ)) + @fastmath mean(predict(learner, Xₜ)) / mean(predict(learner, Xᵤ)) end end @@ -664,7 +664,7 @@ function positivity(model, min=1.0e-6, max=1 - min) ) fit!(ps_mod) - propensity_scores = predict_mean(ps_mod, model.X) + propensity_scores = predict(ps_mod, model.X) # Observations that have a zero probability of treatment or control assignment return reduce( diff --git a/src/models.jl b/src/models.jl index 9ed75c77..0b9bdd73 100644 --- a/src/models.jl +++ b/src/models.jl @@ -1,5 +1,5 @@ using Random: shuffle -using CausalELM: mean, clip_if_binary, var_type +using CausalELM: mean, var_type, clip_if_binary """ ExtremeLearner(X, Y, hidden_neurons, activation) @@ -173,17 +173,17 @@ function predict(model::ExtremeLearner, X) predictions = model.activation(X * model.weights) * model.β - return @fastmath clip_if_binary(predictions, var_type(model.Y)) + return clip_if_binary(predictions, var_type(model.Y)) end @inline function predict(model::ELMEnsemble, X) - return reduce( + predictions = reduce( hcat, [predict(model.elms[i], X[:, model.feat_indices[i]]) for i ∈ 1:length(model.elms)] ) -end -predict_mean(model::ELMEnsemble, X) = vec(mapslices(mean, predict(model, X), dims=2)) + return vec(mapslices(mean, predictions, dims=2)) +end """ predict_counterfactual!(model, X) diff --git a/src/utilities.jl b/src/utilities.jl index 5e5cd543..84d34a2d 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -95,8 +95,8 @@ See also [`var_type`](@ref). ```jldoctest julia> CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Binary()) 2-element Vector{Float64}: - 0.9999999 - 1.0e-7 + 1.0 + 0.0 julia> CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Count()) 2-element Vector{Float64}: @@ -104,7 +104,7 @@ julia> CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Count()) -0.02 ``` """ -clip_if_binary(x::Array{<:Real}, var) = var isa Binary ? clamp.(x, 1e-7, 1 - 1e-7) : x +clip_if_binary(x::Array{<:Real}, var) = var isa Binary ? clamp.(x, 0.0, 1.0) : x """ model_config(effect_type) diff --git a/test/test_models.jl b/test/test_models.jl index 18dda773..ce2304e8 100644 --- a/test/test_models.jl +++ b/test/test_models.jl @@ -36,7 +36,6 @@ set_weights_biases(nofit) ensemble = ELMEnsemble(big_x, big_y, 10000, 100, 5, 10, relu) fit!(ensemble) predictions = predict(ensemble, big_x) -mean_predictions = predict_mean(ensemble, big_x) @testset "Extreme Learning Machines" begin @testset "Extreme Learning Machine Structure" begin @@ -96,10 +95,8 @@ end @testset "Ensemble Fitting and Prediction" begin @test all([elm.__fit for elm in ensemble.elms]) == true - @test predictions isa Matrix{Float64} - @test size(predictions) == (10000, 100) - @test mean_predictions isa Vector{Float64} - @test length(mean_predictions) == 10000 + @test predictions isa Vector{Float64} + @test length(predictions) == 10000 end @testset "Print Models" begin diff --git a/test/test_utilities.jl b/test/test_utilities.jl index 9a24cd93..7a63ef50 100644 --- a/test/test_utilities.jl +++ b/test/test_utilities.jl @@ -66,7 +66,7 @@ end end @testset "Clipping" begin - @test CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Binary()) == [0.9999999, 1.0e-7] + @test CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Binary()) == [1.0, 0.0] @test CausalELM.clip_if_binary([1.2, -0.02], CausalELM.Count()) == [1.2, -0.02] end From 4c45278dd1566d633718f05bcac3b198650bfa0f Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Mon, 1 Jul 2024 23:08:53 -0500 Subject: [PATCH 13/24] Made better keys for dictionary returned by counterfactual_consistency --- Manifest.toml | 232 +++++++++++++++++++++++++++++++++- Project.toml | 2 + src/model_validation.jl | 11 +- test/test_model_validation.jl | 12 +- 4 files changed, 245 insertions(+), 12 deletions(-) diff --git a/Manifest.toml b/Manifest.toml index 5fcff0eb..5294738f 100644 --- a/Manifest.toml +++ b/Manifest.toml @@ -2,16 +2,103 @@ julia_version = "1.8.5" manifest_format = "2.0" -project_hash = "18a38d2a3c0a24ffa847859ade56a5a957640011" +project_hash = "a71c3dc546f65e5c8baf2d15aa5d41355e85fe6c" [[deps.Artifacts]] uuid = "56f22d72-fd6d-98f1-02f0-08ddc0907c33" +[[deps.Base64]] +uuid = "2a0f44e3-6c83-55bd-87e4-b1978d98bd5f" + +[[deps.CSV]] +deps = ["CodecZlib", "Dates", "FilePathsBase", "InlineStrings", "Mmap", "Parsers", "PooledArrays", "PrecompileTools", "SentinelArrays", "Tables", "Unicode", "WeakRefStrings", "WorkerUtilities"] +git-tree-sha1 = "6c834533dc1fabd820c1db03c839bf97e45a3fab" +uuid = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" +version = "0.10.14" + +[[deps.CodecZlib]] +deps = ["TranscodingStreams", "Zlib_jll"] +git-tree-sha1 = "59939d8a997469ee05c4b4944560a820f9ba0d73" +uuid = "944b1d66-785c-5afd-91f1-9de20f533193" +version = "0.7.4" + +[[deps.Compat]] +deps = ["Dates", "LinearAlgebra", "TOML", "UUIDs"] +git-tree-sha1 = "b1c55339b7c6c350ee89f2c1604299660525b248" +uuid = "34da2185-b29b-5c13-b0c7-acf172513d20" +version = "4.15.0" + [[deps.CompilerSupportLibraries_jll]] deps = ["Artifacts", "Libdl"] uuid = "e66e0078-7015-5450-92f7-15fbd957f2ae" version = "1.0.1+0" +[[deps.Crayons]] +git-tree-sha1 = "249fe38abf76d48563e2f4556bebd215aa317e15" +uuid = "a8cc5b0e-0ffa-5ad4-8c14-923d3ee1735f" +version = "4.1.1" + +[[deps.DataAPI]] +git-tree-sha1 = "abe83f3a2f1b857aac70ef8b269080af17764bbe" +uuid = "9a962f9c-6df0-11e9-0e5d-c546b8b5ee8a" +version = "1.16.0" + +[[deps.DataFrames]] +deps = ["Compat", "DataAPI", "DataStructures", "Future", "InlineStrings", "InvertedIndices", "IteratorInterfaceExtensions", "LinearAlgebra", "Markdown", "Missings", "PooledArrays", "PrecompileTools", "PrettyTables", "Printf", "REPL", "Random", "Reexport", "SentinelArrays", "SortingAlgorithms", "Statistics", "TableTraits", "Tables", "Unicode"] +git-tree-sha1 = "04c738083f29f86e62c8afc341f0967d8717bdb8" +uuid = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" +version = "1.6.1" + +[[deps.DataStructures]] +deps = ["Compat", "InteractiveUtils", "OrderedCollections"] +git-tree-sha1 = "1d0a14036acb104d9e89698bd408f63ab58cdc82" +uuid = "864edb3b-99cc-5e75-8d2d-829cb0a9cfe8" +version = "0.18.20" + +[[deps.DataValueInterfaces]] +git-tree-sha1 = "bfc1187b79289637fa0ef6d4436ebdfe6905cbd6" +uuid = "e2d170a0-9d28-54be-80f0-106bbe20a464" +version = "1.0.0" + +[[deps.Dates]] +deps = ["Printf"] +uuid = "ade2ca70-3891-5945-98fb-dc099432e06a" + +[[deps.FilePathsBase]] +deps = ["Compat", "Dates", "Mmap", "Printf", "Test", "UUIDs"] +git-tree-sha1 = "9f00e42f8d99fdde64d40c8ea5d14269a2e2c1aa" +uuid = "48062228-2e41-5def-b9a4-89aafe57970f" +version = "0.9.21" + +[[deps.Future]] +deps = ["Random"] +uuid = "9fa8497b-333b-5362-9e8d-4d0656e87820" + +[[deps.InlineStrings]] +deps = ["Parsers"] +git-tree-sha1 = "86356004f30f8e737eff143d57d41bd580e437aa" +uuid = "842dd82b-1e85-43dc-bf29-5d0ee9dffc48" +version = "1.4.1" + +[[deps.InteractiveUtils]] +deps = ["Markdown"] +uuid = "b77e0a4c-d291-57a0-90e8-8db25a27a240" + +[[deps.InvertedIndices]] +git-tree-sha1 = "0dc7b50b8d436461be01300fd8cd45aa0274b038" +uuid = "41ab1584-1d38-5bbf-9106-f11c6c58b48f" +version = "1.3.0" + +[[deps.IteratorInterfaceExtensions]] +git-tree-sha1 = "a3f24677c21f5bbe9d2a714f95dcd58337fb2856" +uuid = "82899510-4779-5014-852e-03e436cf321d" +version = "1.0.0" + +[[deps.LaTeXStrings]] +git-tree-sha1 = "50901ebc375ed41dbf8058da26f9de442febbbec" +uuid = "b964fa9f-0449-5b57-a5c2-d3ea65f4040f" +version = "1.3.1" + [[deps.Libdl]] uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" @@ -19,22 +106,165 @@ uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" deps = ["Libdl", "libblastrampoline_jll"] uuid = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" +[[deps.Logging]] +uuid = "56ddb016-857b-54e1-b83d-db4d58db5568" + +[[deps.Markdown]] +deps = ["Base64"] +uuid = "d6f4376e-aef5-505a-96c1-9c027394607a" + +[[deps.Missings]] +deps = ["DataAPI"] +git-tree-sha1 = "ec4f7fbeab05d7747bdf98eb74d130a2a2ed298d" +uuid = "e1d29d7a-bbdc-5cf2-9ac0-f12de2c33e28" +version = "1.2.0" + +[[deps.Mmap]] +uuid = "a63ad114-7e13-5084-954f-fe012c677804" + [[deps.OpenBLAS_jll]] deps = ["Artifacts", "CompilerSupportLibraries_jll", "Libdl"] uuid = "4536629a-c528-5b80-bd46-f80d51c5b363" version = "0.3.20+0" +[[deps.OrderedCollections]] +git-tree-sha1 = "dfdf5519f235516220579f949664f1bf44e741c5" +uuid = "bac558e1-5e72-5ebc-8fee-abe8a469f55d" +version = "1.6.3" + +[[deps.Parsers]] +deps = ["Dates", "PrecompileTools", "UUIDs"] +git-tree-sha1 = "8489905bcdbcfac64d1daa51ca07c0d8f0283821" +uuid = "69de0a69-1ddd-5017-9359-2bf0b02dc9f0" +version = "2.8.1" + +[[deps.PooledArrays]] +deps = ["DataAPI", "Future"] +git-tree-sha1 = "36d8b4b899628fb92c2749eb488d884a926614d3" +uuid = "2dfb63ee-cc39-5dd5-95bd-886bf059d720" +version = "1.4.3" + +[[deps.PrecompileTools]] +deps = ["Preferences"] +git-tree-sha1 = "5aa36f7049a63a1528fe8f7c3f2113413ffd4e1f" +uuid = "aea7be01-6a6a-4083-8856-8a6e6704d82a" +version = "1.2.1" + +[[deps.Preferences]] +deps = ["TOML"] +git-tree-sha1 = "9306f6085165d270f7e3db02af26a400d580f5c6" +uuid = "21216c6a-2e73-6563-6e65-726566657250" +version = "1.4.3" + +[[deps.PrettyTables]] +deps = ["Crayons", "LaTeXStrings", "Markdown", "PrecompileTools", "Printf", "Reexport", "StringManipulation", "Tables"] +git-tree-sha1 = "66b20dd35966a748321d3b2537c4584cf40387c7" +uuid = "08abe8d2-0d0c-5749-adfa-8a2ac140af0d" +version = "2.3.2" + +[[deps.Printf]] +deps = ["Unicode"] +uuid = "de0858da-6303-5e67-8744-51eddeeeb8d7" + +[[deps.REPL]] +deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] +uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" + [[deps.Random]] deps = ["SHA", "Serialization"] uuid = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" +[[deps.Reexport]] +git-tree-sha1 = "45e428421666073eab6f2da5c9d310d99bb12f9b" +uuid = "189a3867-3050-52da-a836-e630ba90ab69" +version = "1.2.2" + [[deps.SHA]] uuid = "ea8e919c-243c-51af-8825-aaa63cd721ce" version = "0.7.0" +[[deps.SentinelArrays]] +deps = ["Dates", "Random"] +git-tree-sha1 = "90b4f68892337554d31cdcdbe19e48989f26c7e6" +uuid = "91c51154-3ec4-41a3-a24f-3f23e20d615c" +version = "1.4.3" + [[deps.Serialization]] uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" +[[deps.Sockets]] +uuid = "6462fe0b-24de-5631-8697-dd941f90decc" + +[[deps.SortingAlgorithms]] +deps = ["DataStructures"] +git-tree-sha1 = "66e0a8e672a0bdfca2c3f5937efb8538b9ddc085" +uuid = "a2af1166-a08f-5f64-846c-94a0d3cef48c" +version = "1.2.1" + +[[deps.SparseArrays]] +deps = ["LinearAlgebra", "Random"] +uuid = "2f01184e-e22b-5df5-ae63-d93ebab69eaf" + +[[deps.Statistics]] +deps = ["LinearAlgebra", "SparseArrays"] +uuid = "10745b16-79ce-11e8-11f9-7d13ad32a3b2" + +[[deps.StringManipulation]] +deps = ["PrecompileTools"] +git-tree-sha1 = "a04cabe79c5f01f4d723cc6704070ada0b9d46d5" +uuid = "892a3eda-7b42-436c-8928-eab12a02cf0e" +version = "0.3.4" + +[[deps.TOML]] +deps = ["Dates"] +uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" +version = "1.0.0" + +[[deps.TableTraits]] +deps = ["IteratorInterfaceExtensions"] +git-tree-sha1 = "c06b2f539df1c6efa794486abfb6ed2022561a39" +uuid = "3783bdb8-4a98-5b6b-af9a-565f29a5fe9c" +version = "1.0.1" + +[[deps.Tables]] +deps = ["DataAPI", "DataValueInterfaces", "IteratorInterfaceExtensions", "LinearAlgebra", "OrderedCollections", "TableTraits"] +git-tree-sha1 = "cb76cf677714c095e535e3501ac7954732aeea2d" +uuid = "bd369af6-aec1-5ad0-b16a-f7cc5008161c" +version = "1.11.1" + +[[deps.Test]] +deps = ["InteractiveUtils", "Logging", "Random", "Serialization"] +uuid = "8dfed614-e22c-5e08-85e1-65c5234f0b40" + +[[deps.TranscodingStreams]] +deps = ["Random", "Test"] +git-tree-sha1 = "d73336d81cafdc277ff45558bb7eaa2b04a8e472" +uuid = "3bb67fe8-82b1-5028-8e26-92a6c54297fa" +version = "0.10.10" + +[[deps.UUIDs]] +deps = ["Random", "SHA"] +uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" + +[[deps.Unicode]] +uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" + +[[deps.WeakRefStrings]] +deps = ["DataAPI", "InlineStrings", "Parsers"] +git-tree-sha1 = "b1be2855ed9ed8eac54e5caff2afcdb442d52c23" +uuid = "ea10d353-3f73-51f8-a26c-33c1cb351aa5" +version = "1.4.2" + +[[deps.WorkerUtilities]] +git-tree-sha1 = "cd1659ba0d57b71a464a29e64dbc67cfe83d54e7" +uuid = "76eceee3-57b5-4d4a-8e66-0e911cebbf60" +version = "1.6.1" + +[[deps.Zlib_jll]] +deps = ["Libdl"] +uuid = "83775a58-1f1d-513f-b197-d71354ab007a" +version = "1.2.12+3" + [[deps.libblastrampoline_jll]] deps = ["Artifacts", "Libdl", "OpenBLAS_jll"] uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" diff --git a/Project.toml b/Project.toml index 8e583b82..3f26b356 100644 --- a/Project.toml +++ b/Project.toml @@ -4,6 +4,8 @@ authors = ["Darren Colby and contributors"] version = "0.6.0" [deps] +CSV = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" +DataFrames = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" LinearAlgebra = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" Random = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" diff --git a/src/model_validation.jl b/src/model_validation.jl index a7ebd6c7..c0e4cbe1 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -390,10 +390,11 @@ julia> counterfactual_consistency(g_computer) """ function counterfactual_consistency(model, devs, iterations) counterfactual_model = deepcopy(model) - avg_counterfactual_effects = Dict{Float64,Float64}() + avg_counterfactual_effects = Dict{String,Float64}() for dev in devs - avg_counterfactual_effects[dev] = 0.0 + key = string(dev) * " Standard Deviations from Observed Outcomes" + avg_counterfactual_effects[key] = 0.0 # Averaging multiple iterations of random violatons for each std dev for iteration in 1:iterations @@ -401,12 +402,12 @@ function counterfactual_consistency(model, devs, iterations) estimate_causal_effect!(counterfactual_model) if counterfactual_model isa Metalearner - avg_counterfactual_effects[dev] += mean(counterfactual_model.causal_effect) + avg_counterfactual_effects[key] += mean(counterfactual_model.causal_effect) else - avg_counterfactual_effects[dev] += counterfactual_model.causal_effect + avg_counterfactual_effects[key] += counterfactual_model.causal_effect end end - avg_counterfactual_effects[dev] /= iterations + avg_counterfactual_effects[key] /= iterations end return avg_counterfactual_effects end diff --git a/test/test_model_validation.jl b/test/test_model_validation.jl index 95385c93..c5823c3d 100644 --- a/test/test_model_validation.jl +++ b/test/test_model_validation.jl @@ -164,7 +164,7 @@ end @testset "Counterfactual Consistency" begin @test CausalELM.counterfactual_consistency( g_computer, (0.25, 0.5, 0.75, 1.0), 10 - ) isa Dict{Float64,Float64} + ) isa Dict{String,Float64} end @testset "Exchangeability" begin @@ -194,7 +194,7 @@ end @testset "Double Machine Learning Assumptions" begin @test CausalELM.counterfactual_consistency(dml, (0.25, 0.5, 0.75, 1.0), 10) isa - Dict{Float64,Float64} + Dict{String, Float64} @test CausalELM.exchangeability(dml) isa Real @test size(CausalELM.positivity(dml), 2) == size(dml.X, 2) + 1 @test length(validate(dml)) == 3 @@ -204,19 +204,19 @@ end @testset "Counterfactual Consistency" begin @test CausalELM.counterfactual_consistency( s_learner, (0.25, 0.5, 0.75, 1.0), 10 - ) isa Dict{Float64,Float64} + ) isa Dict{String, Float64} @test CausalELM.counterfactual_consistency( t_learner, (0.25, 0.5, 0.75, 1.0), 10 - ) isa Dict{Float64,Float64} + ) isa Dict{String, Float64} @test CausalELM.counterfactual_consistency( x_learner, (0.25, 0.5, 0.75, 1.0), 10 - ) isa Dict{Float64,Float64} + ) isa Dict{String, Float64} @test CausalELM.counterfactual_consistency( dr_learner, (0.25, 0.5, 0.75, 1.0), 10 - ) isa Dict{Float64,Float64} + ) isa Dict{String, Float64} end @testset "Exchangeability" begin From c97ea4ee2f1fa23f17fd02461ce5f41e1aa012d4 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Tue, 2 Jul 2024 00:50:35 -0500 Subject: [PATCH 14/24] Fixed R-learning again --- src/metalearners.jl | 7 +-- testing.ipynb | 123 +++++++++++++++++++++++++++++++++++++++++--- 2 files changed, 117 insertions(+), 13 deletions(-) diff --git a/src/metalearners.jl b/src/metalearners.jl index 8fc5664f..2bed75a2 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -1,5 +1,3 @@ -using LinearAlgebra: Diagonal - """Abstract type for metalearners""" abstract type Metalearner end @@ -516,9 +514,8 @@ function estimate_causal_effect!(R::RLearner) end # Using target transformation and the weight trick to minimize the causal loss - T̃², target = reduce(vcat, T̃).^2, reduce(vcat, T̃) ./ reduce(vcat, Ỹ) - W⁻⁵ᵉ⁻¹ = Diagonal(sqrt.(T̃²)) - Xʷ, Yʷ = W⁻⁵ᵉ⁻¹ * R.X, W⁻⁵ᵉ⁻¹ * target + T̃², target = reduce(vcat, T̃).^2, reduce(vcat, Ỹ) ./ reduce(vcat, T̃) + Xʷ, Yʷ = R.X .* T̃², target .* T̃² # Fit a weighted residual-on-residual model final_model = ELMEnsemble( diff --git a/testing.ipynb b/testing.ipynb index 11c81d0b..f1ab9137 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -148,18 +148,76 @@ } ], "source": [ - "dr_learner = DoubleMachineLearning(covariates, treatment, outcome, num_feats=6)" + "dml = DoubleMachineLearning(covariates, treatment, outcome)" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "RLearner([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], \"CATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "r_learner = RLearner(covariates, treatment, outcome)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "8823.500636214852" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "estimate_causal_effect!(dml)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "8667.309064475481" + "9915-element Vector{Float64}:\n", + " 4085.5839404080925\n", + " 15773.51315113084\n", + " 38901.80802040522\n", + " 3825.3848781869037\n", + " 11964.765726429632\n", + " 26765.991729444253\n", + " 16975.200557225948\n", + " 7452.263104809677\n", + " 1115.323329175054\n", + " 12363.569530065344\n", + " ⋮\n", + " 11433.6140084084\n", + " 4800.764220118784\n", + " 2925.4867379282705\n", + " 39714.813007228164\n", + " 1647.2470272172372\n", + " 10061.73821939839\n", + " 14687.816324667367\n", + " 17992.791169984106\n", + " 434.7500362608628" ] }, "metadata": {}, @@ -167,7 +225,7 @@ } ], "source": [ - "estimate_causal_effect!(dr_learner)" + "estimate_causal_effect!(r_learner)" ] }, { @@ -183,7 +241,7 @@ " \"Quantity of Interest\" => \"ATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => 8806.5\n", + " \"Causal Effect\" => 8823.5\n", " \"Number of Neurons\" => 24\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -197,7 +255,7 @@ } ], "source": [ - "summarize(dr_learner)" + "summarize(dml)" ] }, { @@ -208,7 +266,56 @@ { "data": { "text/plain": [ - "(Dict(0.025 => -12979.904119051262, 0.075 => -12217.068316708708, 0.1 => -6143.33640640303, 0.05 => -9062.747974951273), 2.8344920146887382, Matrix{Float64}(undef, 0, 9))" + "Dict{Any, Any} with 11 entries:\n", + " \"Activation Function\" => relu\n", + " \"Quantity of Interest\" => \"CATE\"\n", + " \"Sample Size\" => 9915\n", + " \"Number of Machines\" => 100\n", + " \"Causal Effect\" => [4085.58, 15773.5, 38901.8, 3825.38, 11964.8, 267…\n", + " \"Number of Neurons\" => 32\n", + " \"Task\" => \"regression\"\n", + " \"Time Series/Panel Data\" => false\n", + " \"Standard Error\" => NaN\n", + " \"p-value\" => NaN\n", + " \"Number of Features\" => 6" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "summarize(r_learner)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -8079.331571957283, \"0.075 Standard Deviations from Observed Outcomes\" => -6089.203934396697, \"0.025 Standard Deviations from Observed Outcomes\" => -7522.457852582857, \"0.05 Standard Deviations from Observed Outcomes\" => -12933.100480526482), 2.6894381997142496, Matrix{Float64}(undef, 0, 9))" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "validate(dml)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 155340.94980401796, \"0.075 Standard Deviations from Observed Outcomes\" => 559571.3301919985, \"0.025 Standard Deviations from Observed Outcomes\" => 274961.5431470514, \"0.05 Standard Deviations from Observed Outcomes\" => 345062.1310616215), 2.8689322412325833, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -216,7 +323,7 @@ } ], "source": [ - "validate(dr_learner)" + "validate(r_learner)" ] } ], From c6139e1cb825c8f8432291fcb612a5e50d1b0dbd Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Tue, 2 Jul 2024 13:30:28 -0500 Subject: [PATCH 15/24] Shuffled data in DML, DRE, and RLearner constructors --- src/estimators.jl | 4 ++ src/metalearners.jl | 11 ++++- src/utilities.jl | 6 +-- testing.ipynb | 114 +++++++++++++++++++++++++++++++++----------- 4 files changed, 102 insertions(+), 33 deletions(-) diff --git a/src/estimators.jl b/src/estimators.jl index 76c205c4..1f9b1bcc 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -236,6 +236,10 @@ function DoubleMachineLearning( ) # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] + + # Shuffle data with random indices + indices = shuffle(1:length(Y)) + X, T, Y = X[indices, :], T[indices], Y[indices] task = var_type(Y) isa Binary ? "classification" : "regression" diff --git a/src/metalearners.jl b/src/metalearners.jl index 2bed75a2..f5eeeb59 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -296,6 +296,10 @@ function RLearner( # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] + # Shuffle data with random indices + indices = shuffle(1:length(Y)) + X, T, Y = X[indices, :], T[indices], Y[indices] + task = var_type(Y) isa Binary ? "classification" : "regression" return RLearner( @@ -371,11 +375,14 @@ function DoublyRobustLearner( num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), - folds::Integer=5, ) # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] + # Shuffle data with random indices + indices = shuffle(1:length(Y)) + X, T, Y = X[indices, :], T[indices], Y[indices] + task = var_type(Y) isa Binary ? "classification" : "regression" return DoublyRobustLearner( @@ -391,7 +398,7 @@ function DoublyRobustLearner( num_feats, num_neurons, fill(NaN, size(T, 1)), - folds, + 2, ) end diff --git a/src/utilities.jl b/src/utilities.jl index 84d34a2d..3c44495c 100644 --- a/src/utilities.jl +++ b/src/utilities.jl @@ -1,3 +1,5 @@ +using Random: shuffle + """Abstract type used to dispatch risk_ratio on nonbinary treatments""" abstract type Nonbinary end @@ -185,9 +187,7 @@ function generate_folds(X, T, Y, folds) msg = """the number of folds must be less than the number of observations""" n = length(Y) - if folds >= n - throw(ArgumentError(msg)) - end + if folds >= n throw(ArgumentError(msg))end x_folds = Array{Array{Float64, 2}}(undef, folds) t_folds = Array{Array{Float64, 1}}(undef, folds) diff --git a/testing.ipynb b/testing.ipynb index f1ab9137..5da93ef0 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -134,13 +134,13 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 59, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoubleMachineLearning([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], \"ATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 24, NaN, 5)" + "DoubleMachineLearning([0.46153846153846156 0.21734974017060496 … 0.0 1.0; 0.5897435897435898 0.05495636827139916 … 0.0 0.0; … ; 0.02564102564102564 0.11648200804000393 … 0.0 1.0; 0.6410256410256411 0.22411510932444356 … 1.0 1.0], [0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0], [18800.0, 500.0, 5600.0, 62535.0, -5100.0, 9145.0, 25999.0, 0.0, 2150.0, 5000.0 … 189000.0, 14400.0, 240.0, 249.0, -928.0, 107750.0, 0.0, 114335.0, 10500.0, 8849.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 24, NaN, 5)" ] }, "metadata": {}, @@ -148,18 +148,18 @@ } ], "source": [ - "dml = DoubleMachineLearning(covariates, treatment, outcome)" + "dml = DoubleMachineLearning(covariates, treatment, outcome, activation=swish)" ] }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 60, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "RLearner([0.15384615384615385 0.1258211589371507 … 0.0 1.0; 0.6923076923076923 0.1441562898323365 … 0.0 1.0; … ; 0.41025641025641024 0.24039121482498285 … 0.0 1.0; 0.07692307692307693 0.11789145994705363 … 0.0 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], [-3300.0, 61010.0, 8849.0, -6013.0, -2375.0, -11000.0, -16901.0, 1000.0, 0.0, 6400.0 … -1436.0, 4500.0, 34739.0, -750.0, 40000.0, 172.0, 836.0, 6150.0, 14499.0, -5400.0], \"CATE\", false, \"regression\", CausalELM.relu, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" + "RLearner([0.1282051282051282 0.11108932248259633 … 0.0 1.0; 0.6923076923076923 0.1186881066771252 … 0.0 1.0; … ; 0.20512820512820512 0.07500735366212374 … 0.0 1.0; 0.41025641025641024 0.11607755662319835 … 0.0 1.0], [0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [-8900.0, -4800.0, 27500.0, -1650.0, -2000.0, 30740.0, 2859.0, -2150.0, 0.0, 11599.0 … 43599.0, -7200.0, 23309.0, 8774.0, 6500.0, -400.0, 22700.0, 7399.0, -5400.0, 1499.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" ] }, "metadata": {}, @@ -167,18 +167,37 @@ } ], "source": [ - "r_learner = RLearner(covariates, treatment, outcome)" + "r_learner = RLearner(covariates, treatment, outcome, activation=swish)" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 61, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "8823.500636214852" + "DoublyRobustLearner([0.6410256410256411 0.1558486126090793 … 0.0 1.0; 0.23076923076923078 0.06633003235611334 … 0.0 0.0; … ; 0.6153846153846154 0.06843808216491813 … 0.0 0.0; 0.7435897435897436 0.2292994411216786 … 0.0 1.0], [0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0 … 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0], [100.0, 0.0, 14350.0, 4600.0, 84248.0, -1800.0, 1020.0, 2280.0, 14699.0, 881.0 … 367.0, -5600.0, -5400.0, 5674.0, 12211.0, 32500.0, 1152.0, 2182.0, 0.0, 330.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "dre = DoublyRobustLearner(covariates, treatment, outcome, activation=swish)" + ] + }, + { + "cell_type": "code", + "execution_count": 62, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "8804.269472283213" ] }, "metadata": {}, @@ -191,33 +210,33 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 63, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 4085.5839404080925\n", - " 15773.51315113084\n", - " 38901.80802040522\n", - " 3825.3848781869037\n", - " 11964.765726429632\n", - " 26765.991729444253\n", - " 16975.200557225948\n", - " 7452.263104809677\n", - " 1115.323329175054\n", - " 12363.569530065344\n", + " 1033.275328379404\n", + " 3897.6188907530145\n", + " 27094.516749605616\n", + " 8327.283149032586\n", + " 6781.702531736929\n", + " 50200.72898282418\n", + " 618.590315821573\n", + " 6647.26749174192\n", + " 4325.783318029439\n", + " 16617.629336705013\n", " ⋮\n", - " 11433.6140084084\n", - " 4800.764220118784\n", - " 2925.4867379282705\n", - " 39714.813007228164\n", - " 1647.2470272172372\n", - " 10061.73821939839\n", - " 14687.816324667367\n", - " 17992.791169984106\n", - " 434.7500362608628" + " 25103.616301146572\n", + " 40417.24987461999\n", + " 6976.012498684692\n", + " 8869.662932387795\n", + " -1030.3323016387612\n", + " 4912.327776140574\n", + " 2840.9932292653525\n", + " 3323.126233753097\n", + " 21356.54170795394" ] }, "metadata": {}, @@ -228,6 +247,45 @@ "estimate_causal_effect!(r_learner)" ] }, + { + "cell_type": "code", + "execution_count": 64, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "9915-element Vector{Float64}:\n", + " 8651.259686332123\n", + " 2763.6426805062965\n", + " 4281.08620983512\n", + " 6996.106017505121\n", + " 37295.1224689869\n", + " 3425.2628336886887\n", + " 7259.653364085303\n", + " 3931.840707261489\n", + " 3390.6489181977217\n", + " 396.19186564028234\n", + " ⋮\n", + " 13778.740930336877\n", + " 13824.272936865971\n", + " 770.8718719469387\n", + " 5661.227928432385\n", + " 10218.778717409776\n", + " 3707.70741363045\n", + " 2089.690748271022\n", + " 3767.843767168565\n", + " 17841.535784697724" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "estimate_causal_effect!(dre)" + ] + }, { "cell_type": "code", "execution_count": 9, From 84008b54b0249674e0bb95c28a5218a5a5f3c759 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Tue, 2 Jul 2024 19:09:59 -0500 Subject: [PATCH 16/24] Made swish the default activation function --- docs/src/release_notes.md | 1 + src/estimators.jl | 14 ++-- src/metalearners.jl | 20 ++--- testing.ipynb | 171 ++++++++++++++++++++++++-------------- 4 files changed, 128 insertions(+), 78 deletions(-) diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 3197ca91..bd8f9cba 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -9,6 +9,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ * Calculate probabilities as the average label predicted by the ensemble instead of clipping [#71](https://github.com/dscolby/CausalELM.jl/issues/71) * Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) * Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) +* Use swish as the default activation function [#72](https://github.com/dscolby/CausalELM.jl/issues/72) ### Fixed * Applying the weight trick for R-learning [#70](https://github.com/dscolby/CausalELM.jl/issues/70) diff --git a/src/estimators.jl b/src/estimators.jl index 1f9b1bcc..22750a11 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -13,7 +13,7 @@ Initialize an interrupted time series estimator. - `Y₁::Any`: array or DataFrame of outcomes from the post-treatment period. # Keywords -- `activation::Function=relu`: activation function to use. +- `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X₀, 1)`: number of bootstrapped samples for the extreme learner. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -56,7 +56,7 @@ function InterruptedTimeSeries( Y₀, X₁, Y₁; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X₀, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X₀, 2))), @@ -102,7 +102,7 @@ Initialize a G-Computation estimator. # Keywords - `quantity_of_interest::String`: ATE for average treatment effect or ATT for average treatment effect on the treated. -- `activation::Function=relu`: activation function to use. +- `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for the extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -144,7 +144,7 @@ mutable struct GComputation <: CausalEstimator T, Y; quantity_of_interest::String="ATE", - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -188,7 +188,7 @@ Initialize a double machine learning estimator with cross fitting. - `Y::Any`: array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: activation function to use. +- `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for teh extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -227,7 +227,7 @@ function DoubleMachineLearning( X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -236,7 +236,7 @@ function DoubleMachineLearning( ) # Convert to arrays X, T, Y = Matrix{Float64}(X), T[:, 1], Y[:, 1] - + # Shuffle data with random indices indices = shuffle(1:length(Y)) X, T, Y = X[indices, :], T[indices], Y[indices] diff --git a/src/metalearners.jl b/src/metalearners.jl index f5eeeb59..7de65bc1 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -12,7 +12,7 @@ Initialize a S-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: the activation function to use. +- `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -51,7 +51,7 @@ mutable struct SLearner <: Metalearner X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -91,7 +91,7 @@ Initialize a T-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: the activation function to use. +- `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -130,7 +130,7 @@ mutable struct TLearner <: Metalearner X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -169,7 +169,7 @@ Initialize an X-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: the activation function to use. +- `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -209,7 +209,7 @@ mutable struct XLearner <: Metalearner X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -248,7 +248,7 @@ Initialize an R-Learner. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: the activation function to use. +- `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -285,7 +285,7 @@ function RLearner( X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), @@ -330,7 +330,7 @@ Initialize a doubly robust CATE estimator. - `Y::Any`: an array or DataFrame of outcomes. # Keywords -- `activation::Function=relu`: the activation function to use. +- `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. - `num_machines::Integer=100`: number of extreme learning machines for the ensemble. @@ -370,7 +370,7 @@ function DoublyRobustLearner( X, T, Y; - activation::Function=relu, + activation::Function=swish, sample_size::Integer=size(X, 1), num_machines::Integer=100, num_feats::Integer=Int(round(0.75 * size(X, 2))), diff --git a/testing.ipynb b/testing.ipynb index 5da93ef0..4adbfbde 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -134,13 +134,13 @@ }, { "cell_type": "code", - "execution_count": 59, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoubleMachineLearning([0.46153846153846156 0.21734974017060496 … 0.0 1.0; 0.5897435897435898 0.05495636827139916 … 0.0 0.0; … ; 0.02564102564102564 0.11648200804000393 … 0.0 1.0; 0.6410256410256411 0.22411510932444356 … 1.0 1.0], [0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0], [18800.0, 500.0, 5600.0, 62535.0, -5100.0, 9145.0, 25999.0, 0.0, 2150.0, 5000.0 … 189000.0, 14400.0, 240.0, 249.0, -928.0, 107750.0, 0.0, 114335.0, 10500.0, 8849.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 24, NaN, 5)" + "DoubleMachineLearning([0.46153846153846156 0.33966565349544076 … 1.0 1.0; 0.10256410256410256 0.08505735856456516 … 0.0 0.0; … ; 0.6923076923076923 0.042308069418570446 … 0.0 0.0; 0.10256410256410256 0.17147514462202176 … 1.0 1.0], [1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0 … 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0], [14248.0, 2300.0, 0.0, 33748.0, -800.0, 25398.0, -1200.0, 120000.0, 15300.0, 100.0 … 60201.0, 51987.0, 9249.0, 6420.0, 3200.0, 99300.0, 19599.0, 8030.0, 4190.0, 8400.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" ] }, "metadata": {}, @@ -148,18 +148,18 @@ } ], "source": [ - "dml = DoubleMachineLearning(covariates, treatment, outcome, activation=swish)" + "dml = DoubleMachineLearning(covariates, treatment, outcome, num_machines=50)" ] }, { "cell_type": "code", - "execution_count": 60, + "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "RLearner([0.1282051282051282 0.11108932248259633 … 0.0 1.0; 0.6923076923076923 0.1186881066771252 … 0.0 1.0; … ; 0.20512820512820512 0.07500735366212374 … 0.0 1.0; 0.41025641025641024 0.11607755662319835 … 0.0 1.0], [0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [-8900.0, -4800.0, 27500.0, -1650.0, -2000.0, 30740.0, 2859.0, -2150.0, 0.0, 11599.0 … 43599.0, -7200.0, 23309.0, 8774.0, 6500.0, -400.0, 22700.0, 7399.0, -5400.0, 1499.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" + "RLearner([0.3333333333333333 0.09809785273065987 … 1.0 0.0; 0.1282051282051282 0.08584174919109716 … 0.0 1.0; … ; 0.48717948717948717 0.6506030002941465 … 1.0 1.0; 0.5128205128205128 0.07530150014707324 … 0.0 1.0], [1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0 … 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0], [11000.0, 50.0, 157973.0, 100.0, -3700.0, 26000.0, 44.0, 32000.0, -6705.0, 10500.0 … 999.0, -18000.0, 46099.0, 920.0, -19950.0, 300.0, 11750.0, 182500.0, 47000.0, 499.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" ] }, "metadata": {}, @@ -167,18 +167,18 @@ } ], "source": [ - "r_learner = RLearner(covariates, treatment, outcome, activation=swish)" + "r_learner = RLearner(covariates, treatment, outcome)" ] }, { "cell_type": "code", - "execution_count": 61, + "execution_count": 6, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoublyRobustLearner([0.6410256410256411 0.1558486126090793 … 0.0 1.0; 0.23076923076923078 0.06633003235611334 … 0.0 0.0; … ; 0.6153846153846154 0.06843808216491813 … 0.0 0.0; 0.7435897435897436 0.2292994411216786 … 0.0 1.0], [0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0 … 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0], [100.0, 0.0, 14350.0, 4600.0, 84248.0, -1800.0, 1020.0, 2280.0, 14699.0, 881.0 … 367.0, -5600.0, -5400.0, 5674.0, 12211.0, 32500.0, 1152.0, 2182.0, 0.0, 330.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" + "DoublyRobustLearner([0.8974358974358975 0.2030100990293166 … 0.0 1.0; 0.5897435897435898 0.2634326894793607 … 0.0 1.0; … ; 0.0 0.19087655652514954 … 0.0 0.0; 0.3333333333333333 0.32516668300813806 … 1.0 0.0], [0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0 … 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0], [41649.0, 9000.0, 0.0, 16350.0, 6000.0, 700.0, 13059.0, 5930.0, 23397.0, 1323.0 … 24500.0, 8050.0, -11000.0, 35499.0, -2854.0, 197590.0, -1400.0, 7700.0, 12000.0, 42050.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" ] }, "metadata": {}, @@ -186,18 +186,18 @@ } ], "source": [ - "dre = DoublyRobustLearner(covariates, treatment, outcome, activation=swish)" + "dre = DoublyRobustLearner(covariates, treatment, outcome)" ] }, { "cell_type": "code", - "execution_count": 62, + "execution_count": 25, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "8804.269472283213" + "8868.651114858334" ] }, "metadata": {}, @@ -210,33 +210,33 @@ }, { "cell_type": "code", - "execution_count": 63, + "execution_count": 8, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 1033.275328379404\n", - " 3897.6188907530145\n", - " 27094.516749605616\n", - " 8327.283149032586\n", - " 6781.702531736929\n", - " 50200.72898282418\n", - " 618.590315821573\n", - " 6647.26749174192\n", - " 4325.783318029439\n", - " 16617.629336705013\n", - " ⋮\n", - " 25103.616301146572\n", - " 40417.24987461999\n", - " 6976.012498684692\n", - " 8869.662932387795\n", - " -1030.3323016387612\n", - " 4912.327776140574\n", - " 2840.9932292653525\n", - " 3323.126233753097\n", - " 21356.54170795394" + " 7969.024541481493\n", + " 2551.07486621794\n", + " 48185.11603976369\n", + " 6562.417861484062\n", + " 12324.513387722585\n", + " 91413.60918565083\n", + " 103742.23330057286\n", + " 13234.161144429849\n", + " 16753.004994337723\n", + " 6429.458448880052\n", + " ⋮\n", + " 2331.601849423459\n", + " 50477.892771963685\n", + " 19942.337555990453\n", + " 12658.185171498155\n", + " -442.6517574940871\n", + " 72754.7346983037\n", + " 42410.30074258264\n", + " 64041.35045474993\n", + " 1374.0969545336325" ] }, "metadata": {}, @@ -249,33 +249,33 @@ }, { "cell_type": "code", - "execution_count": 64, + "execution_count": 9, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 8651.259686332123\n", - " 2763.6426805062965\n", - " 4281.08620983512\n", - " 6996.106017505121\n", - " 37295.1224689869\n", - " 3425.2628336886887\n", - " 7259.653364085303\n", - " 3931.840707261489\n", - " 3390.6489181977217\n", - " 396.19186564028234\n", + " 13549.633020274861\n", + " 20881.59369086071\n", + " 1879.2141524564345\n", + " 4752.192233979611\n", + " 9972.464441326127\n", + " 5368.174090907391\n", + " 8080.56176700674\n", + " 11685.092957657413\n", + " -1689.8961993687453\n", + " 4964.903827056494\n", " ⋮\n", - " 13778.740930336877\n", - " 13824.272936865971\n", - " 770.8718719469387\n", - " 5661.227928432385\n", - " 10218.778717409776\n", - " 3707.70741363045\n", - " 2089.690748271022\n", - " 3767.843767168565\n", - " 17841.535784697724" + " 12745.035572594325\n", + " 13779.898140138454\n", + " 15285.34382394138\n", + " 7686.997478984806\n", + " 10874.155814573602\n", + " 9104.438679085306\n", + " 5974.4691837941145\n", + " -39.615643944068324\n", + " -9482.093434774426" ] }, "metadata": {}, @@ -288,18 +288,18 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "Dict{Any, Any} with 11 entries:\n", - " \"Activation Function\" => relu\n", + " \"Activation Function\" => swish\n", " \"Quantity of Interest\" => \"ATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => 8823.5\n", + " \"Causal Effect\" => 8701.76\n", " \"Number of Neurons\" => 24\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -318,18 +318,18 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "Dict{Any, Any} with 11 entries:\n", - " \"Activation Function\" => relu\n", + " \"Activation Function\" => swish\n", " \"Quantity of Interest\" => \"CATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => [4085.58, 15773.5, 38901.8, 3825.38, 11964.8, 267…\n", + " \"Causal Effect\" => [7969.02, 2551.07, 48185.1, 6562.42, 12324.5, 914…\n", " \"Number of Neurons\" => 32\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -354,7 +354,18 @@ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -8079.331571957283, \"0.075 Standard Deviations from Observed Outcomes\" => -6089.203934396697, \"0.025 Standard Deviations from Observed Outcomes\" => -7522.457852582857, \"0.05 Standard Deviations from Observed Outcomes\" => -12933.100480526482), 2.6894381997142496, Matrix{Float64}(undef, 0, 9))" + "Dict{Any, Any} with 11 entries:\n", + " \"Activation Function\" => swish\n", + " \"Quantity of Interest\" => \"CATE\"\n", + " \"Sample Size\" => 9915\n", + " \"Number of Machines\" => 100\n", + " \"Causal Effect\" => [13549.6, 20881.6, 1879.21, 4752.19, 9972.46, 536…\n", + " \"Number of Neurons\" => 32\n", + " \"Task\" => \"regression\"\n", + " \"Time Series/Panel Data\" => false\n", + " \"Standard Error\" => NaN\n", + " \"p-value\" => NaN\n", + " \"Number of Features\" => 6" ] }, "metadata": {}, @@ -362,7 +373,7 @@ } ], "source": [ - "validate(dml)" + "summarise(dre)" ] }, { @@ -373,7 +384,26 @@ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 155340.94980401796, \"0.075 Standard Deviations from Observed Outcomes\" => 559571.3301919985, \"0.025 Standard Deviations from Observed Outcomes\" => 274961.5431470514, \"0.05 Standard Deviations from Observed Outcomes\" => 345062.1310616215), 2.8689322412325833, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -1974.20426849962, \"0.075 Standard Deviations from Observed Outcomes\" => -549.8183509860896, \"0.025 Standard Deviations from Observed Outcomes\" => -4377.799707458391, \"0.05 Standard Deviations from Observed Outcomes\" => -2591.878868163885), 2.7460736072464016, Matrix{Float64}(undef, 0, 9))" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "validate(dml)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 248206.3227597734, \"0.075 Standard Deviations from Observed Outcomes\" => 404160.7518203919, \"0.025 Standard Deviations from Observed Outcomes\" => 322479.1870944485, \"0.05 Standard Deviations from Observed Outcomes\" => 155068.1882045497), 2.5694922346983624, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -383,6 +413,25 @@ "source": [ "validate(r_learner)" ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 430.7554873780964, \"0.075 Standard Deviations from Observed Outcomes\" => -4156.750735846773, \"0.025 Standard Deviations from Observed Outcomes\" => -5301.764975883297, \"0.05 Standard Deviations from Observed Outcomes\" => -6012.136217190272), 2.5976021674608534, Matrix{Float64}(undef, 0, 9))" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "validate(dre)" + ] } ], "metadata": { From bfc9795cefbb19996a74123d112ef48d696ba7de Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Thu, 4 Jul 2024 10:51:54 -0500 Subject: [PATCH 17/24] Changed the default number of machines to 50 --- src/estimators.jl | 12 ++--- src/metalearners.jl | 20 ++++---- testing.ipynb | 120 ++++++++++++++++++++++---------------------- 3 files changed, 76 insertions(+), 76 deletions(-) diff --git a/src/estimators.jl b/src/estimators.jl index 22750a11..02afe8e0 100644 --- a/src/estimators.jl +++ b/src/estimators.jl @@ -16,7 +16,7 @@ Initialize an interrupted time series estimator. - `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X₀, 1)`: number of bootstrapped samples for the extreme learner. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X₀, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -58,7 +58,7 @@ function InterruptedTimeSeries( Y₁; activation::Function=swish, sample_size::Integer=size(X₀, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X₀, 2))), num_neurons::Integer=round(Int, log10(size(X₀, 1)) * size(X₀, 2)), autoregression::Bool=true, @@ -105,7 +105,7 @@ Initialize a G-Computation estimator. - `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for the extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -146,7 +146,7 @@ mutable struct GComputation <: CausalEstimator quantity_of_interest::String="ATE", activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), temporal::Bool=true, @@ -191,7 +191,7 @@ Initialize a double machine learning estimator with cross fitting. - `activation::Function=swish`: activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for teh extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75, * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -229,7 +229,7 @@ function DoubleMachineLearning( Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * num_feats), folds::Integer=5, diff --git a/src/metalearners.jl b/src/metalearners.jl index 7de65bc1..68ccfec6 100644 --- a/src/metalearners.jl +++ b/src/metalearners.jl @@ -15,7 +15,7 @@ Initialize a S-Learner. - `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -53,7 +53,7 @@ mutable struct SLearner <: Metalearner Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) @@ -94,7 +94,7 @@ Initialize a T-Learner. - `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -132,7 +132,7 @@ mutable struct TLearner <: Metalearner Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) @@ -172,7 +172,7 @@ Initialize an X-Learner. - `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -211,7 +211,7 @@ mutable struct XLearner <: Metalearner Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) @@ -251,7 +251,7 @@ Initialize an R-Learner. - `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -287,7 +287,7 @@ function RLearner( Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), folds::Integer=5, @@ -333,7 +333,7 @@ Initialize a doubly robust CATE estimator. - `activation::Function=swish`: the activation function to use. - `sample_size::Integer=size(X, 1)`: number of bootstrapped samples for eth extreme learners. -- `num_machines::Integer=100`: number of extreme learning machines for the ensemble. +- `num_machines::Integer=50`: number of extreme learning machines for the ensemble. - `num_feats::Integer=Int(round(0.75 * size(X, 2)))`: number of features to bootstrap for each learner in the ensemble. - `num_neurons::Integer`: number of neurons to use in the extreme learning machines. @@ -372,7 +372,7 @@ function DoublyRobustLearner( Y; activation::Function=swish, sample_size::Integer=size(X, 1), - num_machines::Integer=100, + num_machines::Integer=50, num_feats::Integer=Int(round(0.75 * size(X, 2))), num_neurons::Integer=round(Int, log10(size(X, 1)) * size(X, 2)), ) diff --git a/testing.ipynb b/testing.ipynb index 4adbfbde..df9f6150 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -134,13 +134,13 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 4, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "DoubleMachineLearning([0.46153846153846156 0.33966565349544076 … 1.0 1.0; 0.10256410256410256 0.08505735856456516 … 0.0 0.0; … ; 0.6923076923076923 0.042308069418570446 … 0.0 0.0; 0.10256410256410256 0.17147514462202176 … 1.0 1.0], [1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0 … 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0], [14248.0, 2300.0, 0.0, 33748.0, -800.0, 25398.0, -1200.0, 120000.0, 15300.0, 100.0 … 60201.0, 51987.0, 9249.0, 6420.0, 3200.0, 99300.0, 19599.0, 8030.0, 4190.0, 8400.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" + "DoubleMachineLearning([0.46153846153846156 0.08584174919109716 … 0.0 0.0; 0.3076923076923077 0.18640307873320913 … 0.0 1.0; … ; 0.6410256410256411 0.20710363761153056 … 0.0 1.0; 0.4358974358974359 0.16062849298950876 … 0.0 1.0], [0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0 … 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0], [300.0, 37144.0, 13370.0, 69849.0, 20249.0, 0.0, 60196.0, 0.0, -2700.0, -4490.0 … -2580.0, 90090.0, 0.0, -600.0, 0.0, -100.0, 5911.0, 5800.0, 17199.0, 1500.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" ] }, "metadata": {}, @@ -148,7 +148,7 @@ } ], "source": [ - "dml = DoubleMachineLearning(covariates, treatment, outcome, num_machines=50)" + "dml = DoubleMachineLearning(covariates, treatment, outcome)" ] }, { @@ -159,7 +159,7 @@ { "data": { "text/plain": [ - "RLearner([0.3333333333333333 0.09809785273065987 … 1.0 0.0; 0.1282051282051282 0.08584174919109716 … 0.0 1.0; … ; 0.48717948717948717 0.6506030002941465 … 1.0 1.0; 0.5128205128205128 0.07530150014707324 … 0.0 1.0], [1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0 … 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0], [11000.0, 50.0, 157973.0, 100.0, -3700.0, 26000.0, 44.0, 32000.0, -6705.0, 10500.0 … 999.0, -18000.0, 46099.0, 920.0, -19950.0, 300.0, 11750.0, 182500.0, 47000.0, 499.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" + "RLearner([0.10256410256410256 0.08378272379645063 … 0.0 0.0; 0.5897435897435898 0.3204971075595647 … 0.0 0.0; … ; 0.4358974358974359 0.08663839592116875 … 0.0 0.0; 0.8717948717948718 0.0914182763015982 … 1.0 1.0], [0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0 … 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0], [0.0, -950.0, 3100.0, 35000.0, 1300.0, 215121.0, -1398.0, 5999.0, -661.0, 1900.0 … -1984.0, 2700.0, -700.0, 0.0, 193048.0, 47870.0, 200.0, 15123.0, 4764.0, 8800.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" ] }, "metadata": {}, @@ -178,7 +178,7 @@ { "data": { "text/plain": [ - "DoublyRobustLearner([0.8974358974358975 0.2030100990293166 … 0.0 1.0; 0.5897435897435898 0.2634326894793607 … 0.0 1.0; … ; 0.0 0.19087655652514954 … 0.0 0.0; 0.3333333333333333 0.32516668300813806 … 1.0 0.0], [0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0 … 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0], [41649.0, 9000.0, 0.0, 16350.0, 6000.0, 700.0, 13059.0, 5930.0, 23397.0, 1323.0 … 24500.0, 8050.0, -11000.0, 35499.0, -2854.0, 197590.0, -1400.0, 7700.0, 12000.0, 42050.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 100, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" + "DoublyRobustLearner([0.23076923076923078 0.16685459358760663 … 0.0 1.0; 0.5128205128205128 0.29113148347877243 … 0.0 1.0; … ; 0.7692307692307693 0.14295519168545937 … 0.0 0.0; 0.07692307692307693 0.28951367781155013 … 1.0 1.0], [1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [11612.0, 42800.0, 13259.0, 250.0, 24082.0, 12625.0, 55798.0, 3500.0, -2400.0, 7799.0 … 17250.0, 5800.0, 4800.0, 40000.0, 500.0, -838.0, 2200.0, 30000.0, 2000.0, 8215.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" ] }, "metadata": {}, @@ -191,13 +191,13 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 7, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "8868.651114858334" + "8827.025868803601" ] }, "metadata": {}, @@ -210,33 +210,33 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 29, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 7969.024541481493\n", - " 2551.07486621794\n", - " 48185.11603976369\n", - " 6562.417861484062\n", - " 12324.513387722585\n", - " 91413.60918565083\n", - " 103742.23330057286\n", - " 13234.161144429849\n", - " 16753.004994337723\n", - " 6429.458448880052\n", - " ⋮\n", - " 2331.601849423459\n", - " 50477.892771963685\n", - " 19942.337555990453\n", - " 12658.185171498155\n", - " -442.6517574940871\n", - " 72754.7346983037\n", - " 42410.30074258264\n", - " 64041.35045474993\n", - " 1374.0969545336325" + " 7747.118317906293\n", + " 26286.490258618072\n", + " 8666.249989485457\n", + " 9263.72951065164\n", + " 14880.326505438767\n", + " 59651.26252305487\n", + " 12448.653940807431\n", + " 43502.12626507074\n", + " 899.6983325187213\n", + " 58011.1749411745\n", + " ⋮\n", + " 6192.148116818378\n", + " 2102.7400706180097\n", + " -1209.483929190882\n", + " 13060.178335944407\n", + " 57673.322778342495\n", + " 20762.829006962143\n", + " 18279.832155472883\n", + " -3347.576596640622\n", + " 7986.728775314042" ] }, "metadata": {}, @@ -249,33 +249,33 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 25, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 13549.633020274861\n", - " 20881.59369086071\n", - " 1879.2141524564345\n", - " 4752.192233979611\n", - " 9972.464441326127\n", - " 5368.174090907391\n", - " 8080.56176700674\n", - " 11685.092957657413\n", - " -1689.8961993687453\n", - " 4964.903827056494\n", + " 6774.687311613728\n", + " 10651.616074966516\n", + " 19747.889983368274\n", + " 1835.3769697591927\n", + " 11821.419034557937\n", + " 10363.731312035588\n", + " 17738.134313708655\n", + " 18865.895182406108\n", + " 10442.595186162447\n", + " 3790.4942556045075\n", " ⋮\n", - " 12745.035572594325\n", - " 13779.898140138454\n", - " 15285.34382394138\n", - " 7686.997478984806\n", - " 10874.155814573602\n", - " 9104.438679085306\n", - " 5974.4691837941145\n", - " -39.615643944068324\n", - " -9482.093434774426" + " 9123.602310105096\n", + " 6986.459059170177\n", + " 13180.42248564561\n", + " 2185.110731523216\n", + " 10060.56209828231\n", + " 3720.743405301854\n", + " 1940.2856228519586\n", + " 11542.412496562512\n", + " 16724.622881779775" ] }, "metadata": {}, @@ -288,7 +288,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -298,8 +298,8 @@ " \"Activation Function\" => swish\n", " \"Quantity of Interest\" => \"ATE\"\n", " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => 8701.76\n", + " \"Number of Machines\" => 50\n", + " \"Causal Effect\" => 8827.03\n", " \"Number of Neurons\" => 24\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -318,7 +318,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 27, "metadata": {}, "outputs": [ { @@ -328,8 +328,8 @@ " \"Activation Function\" => swish\n", " \"Quantity of Interest\" => \"CATE\"\n", " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => [7969.02, 2551.07, 48185.1, 6562.42, 12324.5, 914…\n", + " \"Number of Machines\" => 50\n", + " \"Causal Effect\" => [10990.0, 39367.2, 11478.9, 19184.2, 22416.1, 863…\n", " \"Number of Neurons\" => 32\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -348,7 +348,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -358,8 +358,8 @@ " \"Activation Function\" => swish\n", " \"Quantity of Interest\" => \"CATE\"\n", " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 100\n", - " \"Causal Effect\" => [13549.6, 20881.6, 1879.21, 4752.19, 9972.46, 536…\n", + " \"Number of Machines\" => 50\n", + " \"Causal Effect\" => [6774.69, 10651.6, 19747.9, 1835.38, 11821.4, 103…\n", " \"Number of Neurons\" => 32\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -384,7 +384,7 @@ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -1974.20426849962, \"0.075 Standard Deviations from Observed Outcomes\" => -549.8183509860896, \"0.025 Standard Deviations from Observed Outcomes\" => -4377.799707458391, \"0.05 Standard Deviations from Observed Outcomes\" => -2591.878868163885), 2.7460736072464016, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -2682.7414393481836, \"0.075 Standard Deviations from Observed Outcomes\" => -2672.3903159918054, \"0.025 Standard Deviations from Observed Outcomes\" => -3261.943651476002, \"0.05 Standard Deviations from Observed Outcomes\" => -2674.9276432418974), 2.8842437581406246, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -403,7 +403,7 @@ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 248206.3227597734, \"0.075 Standard Deviations from Observed Outcomes\" => 404160.7518203919, \"0.025 Standard Deviations from Observed Outcomes\" => 322479.1870944485, \"0.05 Standard Deviations from Observed Outcomes\" => 155068.1882045497), 2.5694922346983624, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 512573.4871936093, \"0.075 Standard Deviations from Observed Outcomes\" => 495783.64847648796, \"0.025 Standard Deviations from Observed Outcomes\" => 360783.2222331428, \"0.05 Standard Deviations from Observed Outcomes\" => 425466.98825960315), 2.675101445836959, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -422,7 +422,7 @@ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 430.7554873780964, \"0.075 Standard Deviations from Observed Outcomes\" => -4156.750735846773, \"0.025 Standard Deviations from Observed Outcomes\" => -5301.764975883297, \"0.05 Standard Deviations from Observed Outcomes\" => -6012.136217190272), 2.5976021674608534, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -790.4487752142695, \"0.075 Standard Deviations from Observed Outcomes\" => -889.7583038917528, \"0.025 Standard Deviations from Observed Outcomes\" => -5344.096990393928, \"0.05 Standard Deviations from Observed Outcomes\" => -4655.145480475103), 2.468297297302549, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, From cb0845fb1e69f0e74656d17d9b52972d7875877f Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Thu, 4 Jul 2024 16:03:16 -0500 Subject: [PATCH 18/24] Changed how noise is calculated to test counterfactual consistency --- docs/src/release_notes.md | 1 + src/model_validation.jl | 6 +- testing.ipynb | 114 +++++++++++++++++++------------------- 3 files changed, 61 insertions(+), 60 deletions(-) diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index bd8f9cba..4965a235 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -10,6 +10,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ * Made calculation of p-values and standard errors optional and not executed by default in summarize methods [#65](https://github.com/dscolby/CausalELM.jl/issues/65) * Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) * Use swish as the default activation function [#72](https://github.com/dscolby/CausalELM.jl/issues/72) +* Implemented noise as a function of each observation instead of the variance of the outcome when testing the sensitivity of the counterfactual consistency assumption [#74](https://github.com/dscolby/CausalELM.jl/issues/74) ### Fixed * Applying the weight trick for R-learning [#70](https://github.com/dscolby/CausalELM.jl/issues/70) diff --git a/src/model_validation.jl b/src/model_validation.jl index c0e4cbe1..30e0d8ba 100644 --- a/src/model_validation.jl +++ b/src/model_validation.jl @@ -432,10 +432,10 @@ function simulate_counterfactual_violations(y::Vector{<:Real}, dev::Float64) min_y, max_y = minimum(y), maximum(y) if var_type(y) isa Continuous - violations = (sqrt(var(y)) * dev) * randn(length(y)) - counterfactual_Y = y .+ violations + violations = dev .* randn(length(y)) + counterfactual_Y = y .+ (violations .* y) else - counterfactual_Y = ifelse.(rand() > dev, Float64(rand(min_y:max_y)), y) + counterfactual_Y = ifelse.(rand() < dev, Float64(rand(min_y:max_y)), y) end return counterfactual_Y end diff --git a/testing.ipynb b/testing.ipynb index df9f6150..9983e195 100644 --- a/testing.ipynb +++ b/testing.ipynb @@ -140,7 +140,7 @@ { "data": { "text/plain": [ - "DoubleMachineLearning([0.46153846153846156 0.08584174919109716 … 0.0 0.0; 0.3076923076923077 0.18640307873320913 … 0.0 1.0; … ; 0.6410256410256411 0.20710363761153056 … 0.0 1.0; 0.4358974358974359 0.16062849298950876 … 0.0 1.0], [0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0 … 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0], [300.0, 37144.0, 13370.0, 69849.0, 20249.0, 0.0, 60196.0, 0.0, -2700.0, -4490.0 … -2580.0, 90090.0, 0.0, -600.0, 0.0, -100.0, 5911.0, 5800.0, 17199.0, 1500.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" + "DoubleMachineLearning([0.15384615384615385 0.18468722423767037 … 0.0 0.0; 0.10256410256410256 0.2869031277576233 … 1.0 0.0; … ; 0.46153846153846156 0.6448671438376311 … 1.0 1.0; 0.48717948717948717 0.14913226786939895 … 0.0 1.0], [0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0], [-101436.0, 72450.0, 0.0, 12400.0, 11000.0, 162100.0, 0.0, -17039.0, 20000.0, 20200.0 … 47700.0, 61550.0, -4100.0, 20080.0, 765.0, 499.0, 5073.0, -5750.0, 87000.0, 24335.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" ] }, "metadata": {}, @@ -159,7 +159,7 @@ { "data": { "text/plain": [ - "RLearner([0.10256410256410256 0.08378272379645063 … 0.0 0.0; 0.5897435897435898 0.3204971075595647 … 0.0 0.0; … ; 0.4358974358974359 0.08663839592116875 … 0.0 0.0; 0.8717948717948718 0.0914182763015982 … 1.0 1.0], [0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0 … 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0], [0.0, -950.0, 3100.0, 35000.0, 1300.0, 215121.0, -1398.0, 5999.0, -661.0, 1900.0 … -1984.0, 2700.0, -700.0, 0.0, 193048.0, 47870.0, 200.0, 15123.0, 4764.0, 8800.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" + "RLearner([0.48717948717948717 0.31428326306500637 … 0.0 1.0; 0.8974358974358975 0.12285518188057652 … 1.0 1.0; … ; 0.02564102564102564 0.08928571428571429 … 0.0 0.0; 0.6410256410256411 0.025884890675556427 … 0.0 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0 … 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0], [4500.0, 26549.0, 12000.0, 35883.0, 52399.0, 0.0, -295.0, 19328.0, 20390.0, 0.0 … 10900.0, 32600.0, 36950.0, 63249.0, -10002.0, -1600.0, -6100.0, 1599.0, -3900.0, 8.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" ] }, "metadata": {}, @@ -178,7 +178,7 @@ { "data": { "text/plain": [ - "DoublyRobustLearner([0.23076923076923078 0.16685459358760663 … 0.0 1.0; 0.5128205128205128 0.29113148347877243 … 0.0 1.0; … ; 0.7692307692307693 0.14295519168545937 … 0.0 0.0; 0.07692307692307693 0.28951367781155013 … 1.0 1.0], [1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0 … 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [11612.0, 42800.0, 13259.0, 250.0, 24082.0, 12625.0, 55798.0, 3500.0, -2400.0, 7799.0 … 17250.0, 5800.0, 4800.0, 40000.0, 500.0, -838.0, 2200.0, 30000.0, 2000.0, 8215.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" + "DoublyRobustLearner([0.7692307692307693 0.17686783017942936 … 1.0 1.0; 0.358974358974359 0.03952593391508971 … 0.0 0.0; … ; 0.5128205128205128 0.21873467987057554 … 0.0 0.0; 0.2564102564102564 0.11966859496029023 … 0.0 1.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0], [120097.0, 13.0, 0.0, 7300.0, 6399.0, -4400.0, 73800.0, 0.0, -1700.0, -1021.0 … 3300.0, 78656.0, -8000.0, 0.0, 1746.0, 145720.0, -150.0, -1000.0, 15815.0, -2430.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" ] }, "metadata": {}, @@ -197,7 +197,7 @@ { "data": { "text/plain": [ - "8827.025868803601" + "8759.474734449188" ] }, "metadata": {}, @@ -210,33 +210,33 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 9, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 7747.118317906293\n", - " 26286.490258618072\n", - " 8666.249989485457\n", - " 9263.72951065164\n", - " 14880.326505438767\n", - " 59651.26252305487\n", - " 12448.653940807431\n", - " 43502.12626507074\n", - " 899.6983325187213\n", - " 58011.1749411745\n", - " ⋮\n", - " 6192.148116818378\n", - " 2102.7400706180097\n", - " -1209.483929190882\n", - " 13060.178335944407\n", - " 57673.322778342495\n", - " 20762.829006962143\n", - " 18279.832155472883\n", - " -3347.576596640622\n", - " 7986.728775314042" + " 24755.785338865426\n", + " 68197.07184295838\n", + " 92849.42080534843\n", + " 32105.11108685571\n", + " 25500.01930162667\n", + " -6418.974724219135\n", + " 17429.003461237742\n", + " 26258.63116963979\n", + " -3068.111940954936\n", + " 4760.359076011844\n", + " ⋮\n", + " 17102.897091206243\n", + " 3734.3184805060528\n", + " 243555.138005544\n", + " 125092.59572298202\n", + " -994.2317041595583\n", + " -2483.5916206124098\n", + " 2148.7893083038316\n", + " -10414.71356261897\n", + " -7195.4730704263775" ] }, "metadata": {}, @@ -249,33 +249,33 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "9915-element Vector{Float64}:\n", - " 6774.687311613728\n", - " 10651.616074966516\n", - " 19747.889983368274\n", - " 1835.3769697591927\n", - " 11821.419034557937\n", - " 10363.731312035588\n", - " 17738.134313708655\n", - " 18865.895182406108\n", - " 10442.595186162447\n", - " 3790.4942556045075\n", + " 13198.079605028575\n", + " 1407.4678722103322\n", + " 1080.9705073445443\n", + " -3171.7269008753524\n", + " -764.1459932436837\n", + " 10530.477160154649\n", + " 45633.87477163151\n", + " 1381.9909447433733\n", + " 1900.9017215717163\n", + " 14388.211293805694\n", " ⋮\n", - " 9123.602310105096\n", - " 6986.459059170177\n", - " 13180.42248564561\n", - " 2185.110731523216\n", - " 10060.56209828231\n", - " 3720.743405301854\n", - " 1940.2856228519586\n", - " 11542.412496562512\n", - " 16724.622881779775" + " 5109.724375978067\n", + " 6446.592444230741\n", + " 7539.114659459059\n", + " 8812.653576412042\n", + " 12889.00479522849\n", + " 1118.3998975855652\n", + " 1942.3574441823084\n", + " 16711.797656490606\n", + " 7627.517636784663" ] }, "metadata": {}, @@ -288,7 +288,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -299,7 +299,7 @@ " \"Quantity of Interest\" => \"ATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => 8827.03\n", + " \"Causal Effect\" => 8759.47\n", " \"Number of Neurons\" => 24\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -318,7 +318,7 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -329,7 +329,7 @@ " \"Quantity of Interest\" => \"CATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => [10990.0, 39367.2, 11478.9, 19184.2, 22416.1, 863…\n", + " \"Causal Effect\" => [24755.8, 68197.1, 92849.4, 32105.1, 25500.0, -64…\n", " \"Number of Neurons\" => 32\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -348,7 +348,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -359,7 +359,7 @@ " \"Quantity of Interest\" => \"CATE\"\n", " \"Sample Size\" => 9915\n", " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => [6774.69, 10651.6, 19747.9, 1835.38, 11821.4, 103…\n", + " \"Causal Effect\" => [13198.1, 1407.47, 1080.97, -3171.73, -764.146, 1…\n", " \"Number of Neurons\" => 32\n", " \"Task\" => \"regression\"\n", " \"Time Series/Panel Data\" => false\n", @@ -378,13 +378,13 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -2682.7414393481836, \"0.075 Standard Deviations from Observed Outcomes\" => -2672.3903159918054, \"0.025 Standard Deviations from Observed Outcomes\" => -3261.943651476002, \"0.05 Standard Deviations from Observed Outcomes\" => -2674.9276432418974), 2.8842437581406246, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 8098.95082615164, \"0.075 Standard Deviations from Observed Outcomes\" => 7502.99909825876, \"0.025 Standard Deviations from Observed Outcomes\" => 8746.186015069896, \"0.05 Standard Deviations from Observed Outcomes\" => 8682.688086232247), 2.6466389357103424, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -397,13 +397,13 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 512573.4871936093, \"0.075 Standard Deviations from Observed Outcomes\" => 495783.64847648796, \"0.025 Standard Deviations from Observed Outcomes\" => 360783.2222331428, \"0.05 Standard Deviations from Observed Outcomes\" => 425466.98825960315), 2.675101445836959, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 77140.51741970167, \"0.075 Standard Deviations from Observed Outcomes\" => 23897.06455463217, \"0.025 Standard Deviations from Observed Outcomes\" => 23530.122112104997, \"0.05 Standard Deviations from Observed Outcomes\" => 23676.120658302345), 2.6158189826937086, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, @@ -416,13 +416,13 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => -790.4487752142695, \"0.075 Standard Deviations from Observed Outcomes\" => -889.7583038917528, \"0.025 Standard Deviations from Observed Outcomes\" => -5344.096990393928, \"0.05 Standard Deviations from Observed Outcomes\" => -4655.145480475103), 2.468297297302549, Matrix{Float64}(undef, 0, 9))" + "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 8162.367832397463, \"0.075 Standard Deviations from Observed Outcomes\" => 5515.914028578847, \"0.025 Standard Deviations from Observed Outcomes\" => 8190.3094079227085, \"0.05 Standard Deviations from Observed Outcomes\" => 8242.728308790338), 2.6325661236588545, Matrix{Float64}(undef, 0, 9))" ] }, "metadata": {}, From 2c346580a138e87915728ab065a90a6ce4aafe82 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Thu, 4 Jul 2024 18:41:34 -0500 Subject: [PATCH 19/24] Added parallel execution to calculate null distributions --- docs/src/release_notes.md | 1 + src/inference.jl | 44 +++++++++++++++++++++------------------ 2 files changed, 25 insertions(+), 20 deletions(-) diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 4965a235..31531182 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -11,6 +11,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ * Removed redundant W argument for double machine learning, R-learning, and doubly robust estimation [#68](https://github.com/dscolby/CausalELM.jl/issues/68) * Use swish as the default activation function [#72](https://github.com/dscolby/CausalELM.jl/issues/72) * Implemented noise as a function of each observation instead of the variance of the outcome when testing the sensitivity of the counterfactual consistency assumption [#74](https://github.com/dscolby/CausalELM.jl/issues/74) +* p-values and standard errors for randomization inference are generated in parallel ### Fixed * Applying the weight trick for R-learning [#70](https://github.com/dscolby/CausalELM.jl/issues/70) diff --git a/src/inference.jl b/src/inference.jl index 3ceb9620..45b189ff 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -189,22 +189,26 @@ julia> generate_null_distribution(g_computer, 500) ``` """ function generate_null_distribution(mod, n) - m = deepcopy(mod) - nobs = size(m.T, 1) + nobs, mods = size(mod.T, 1), [deepcopy(mod) for i ∈ 1:n] results = Vector{Float64}(undef, n) # Generate random treatment assignments and estimate the causal effects - Threads.@threads for iter in 1:n - + Threads.@threads for i ∈ 1:n + # Sample from a continuous distribution if the treatment is continuous if var_type(mod.T) isa Continuous - m.T = (maximum(m.T) - minimum(m.T)) .* rand(nobs) .+ minimum(m.T) + mods[i].T = (maximum(mod.T) - minimum(mod.T)) .* rand(nobs) .+ minimum(mod.T) else - m.T = float(rand(unique(m.T), nobs)) + mods[i].T = float(rand(unique(mod.T), nobs)) end - estimate_causal_effect!(m) - results[iter] = mod isa Metalearner ? mean(m.causal_effect) : m.causal_effect + estimate_causal_effect!(mods[i]) + + results[i] = if mod isa Metalearner + mean(mods[i].causal_effect) + else + mods[i].causal_effect + end end return results end @@ -228,28 +232,28 @@ julia> generate_null_distribution(its, 10) ``` """ function generate_null_distribution(its::InterruptedTimeSeries, n, mean_effect) - model = deepcopy(its) + mods = [deepcopy(its) for i ∈ 1:n] split_idx = size(model.Y₀, 1) results = Vector{Float64}(undef, n) data = reduce(hcat, (reduce(vcat, (its.X₀, its.X₁)), reduce(vcat, (its.Y₀, its.Y₁)))) # Generate random treatment assignments and estimate the causal effects - Threads.@threads for iter in 1:n - permuted_data = data[shuffle(1:end), :] - permuted_x₀ = permuted_data[1:split_idx, 1:(end - 1)] - permuted_x₁ = permuted_data[(split_idx + 1):end, 1:(end - 1)] - permuted_y₀ = permuted_data[1:split_idx, end] - permuted_y₁ = permuted_data[(split_idx + 1):end, end] + Threads.@thread for iter in 1:n + local permuted_data = data[shuffle(1:end), :] + local permuted_x₀ = permuted_data[1:split_idx, 1:(end - 1)] + local permuted_x₁ = permuted_data[(split_idx + 1):end, 1:(end - 1)] + local permuted_y₀ = permuted_data[1:split_idx, end] + local permuted_y₁ = permuted_data[(split_idx + 1):end, end] # Reestimate the model with the intervention now at the nth interval - model.X₀, model.Y₀ = permuted_x₀, permuted_y₀ - model.X₁, model.Y₁ = permuted_x₁, permuted_y₁ - estimate_causal_effect!(model) + local model.X₀, model.Y₀ = permuted_x₀, permuted_y₀ + local model.X₁, model.Y₁ = permuted_x₁, permuted_y₁ + estimate_causal_effect!(mods[iter]) results[iter] = if mean_effect - mean(model.causal_effect) + mean(mods[iter].causal_effect) else - sum(model.causal_effect) + sum(mods[iter].causal_effect) end end return results From 2c2adb73b39bf2233f2920c27ed68cb4b01f1a3a Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Fri, 5 Jul 2024 00:09:18 -0500 Subject: [PATCH 20/24] Added multithreading in counterfactual_consistency --- Manifest.toml | 232 +------------------------------------- Project.toml | 2 - docs/src/release_notes.md | 1 + src/inference.jl | 8 +- 4 files changed, 6 insertions(+), 237 deletions(-) diff --git a/Manifest.toml b/Manifest.toml index 5294738f..5fcff0eb 100644 --- a/Manifest.toml +++ b/Manifest.toml @@ -2,103 +2,16 @@ julia_version = "1.8.5" manifest_format = "2.0" -project_hash = "a71c3dc546f65e5c8baf2d15aa5d41355e85fe6c" +project_hash = "18a38d2a3c0a24ffa847859ade56a5a957640011" [[deps.Artifacts]] uuid = "56f22d72-fd6d-98f1-02f0-08ddc0907c33" -[[deps.Base64]] -uuid = "2a0f44e3-6c83-55bd-87e4-b1978d98bd5f" - -[[deps.CSV]] -deps = ["CodecZlib", "Dates", "FilePathsBase", "InlineStrings", "Mmap", "Parsers", "PooledArrays", "PrecompileTools", "SentinelArrays", "Tables", "Unicode", "WeakRefStrings", "WorkerUtilities"] -git-tree-sha1 = "6c834533dc1fabd820c1db03c839bf97e45a3fab" -uuid = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" -version = "0.10.14" - -[[deps.CodecZlib]] -deps = ["TranscodingStreams", "Zlib_jll"] -git-tree-sha1 = "59939d8a997469ee05c4b4944560a820f9ba0d73" -uuid = "944b1d66-785c-5afd-91f1-9de20f533193" -version = "0.7.4" - -[[deps.Compat]] -deps = ["Dates", "LinearAlgebra", "TOML", "UUIDs"] -git-tree-sha1 = "b1c55339b7c6c350ee89f2c1604299660525b248" -uuid = "34da2185-b29b-5c13-b0c7-acf172513d20" -version = "4.15.0" - [[deps.CompilerSupportLibraries_jll]] deps = ["Artifacts", "Libdl"] uuid = "e66e0078-7015-5450-92f7-15fbd957f2ae" version = "1.0.1+0" -[[deps.Crayons]] -git-tree-sha1 = "249fe38abf76d48563e2f4556bebd215aa317e15" -uuid = "a8cc5b0e-0ffa-5ad4-8c14-923d3ee1735f" -version = "4.1.1" - -[[deps.DataAPI]] -git-tree-sha1 = "abe83f3a2f1b857aac70ef8b269080af17764bbe" -uuid = "9a962f9c-6df0-11e9-0e5d-c546b8b5ee8a" -version = "1.16.0" - -[[deps.DataFrames]] -deps = ["Compat", "DataAPI", "DataStructures", "Future", "InlineStrings", "InvertedIndices", "IteratorInterfaceExtensions", "LinearAlgebra", "Markdown", "Missings", "PooledArrays", "PrecompileTools", "PrettyTables", "Printf", "REPL", "Random", "Reexport", "SentinelArrays", "SortingAlgorithms", "Statistics", "TableTraits", "Tables", "Unicode"] -git-tree-sha1 = "04c738083f29f86e62c8afc341f0967d8717bdb8" -uuid = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" -version = "1.6.1" - -[[deps.DataStructures]] -deps = ["Compat", "InteractiveUtils", "OrderedCollections"] -git-tree-sha1 = "1d0a14036acb104d9e89698bd408f63ab58cdc82" -uuid = "864edb3b-99cc-5e75-8d2d-829cb0a9cfe8" -version = "0.18.20" - -[[deps.DataValueInterfaces]] -git-tree-sha1 = "bfc1187b79289637fa0ef6d4436ebdfe6905cbd6" -uuid = "e2d170a0-9d28-54be-80f0-106bbe20a464" -version = "1.0.0" - -[[deps.Dates]] -deps = ["Printf"] -uuid = "ade2ca70-3891-5945-98fb-dc099432e06a" - -[[deps.FilePathsBase]] -deps = ["Compat", "Dates", "Mmap", "Printf", "Test", "UUIDs"] -git-tree-sha1 = "9f00e42f8d99fdde64d40c8ea5d14269a2e2c1aa" -uuid = "48062228-2e41-5def-b9a4-89aafe57970f" -version = "0.9.21" - -[[deps.Future]] -deps = ["Random"] -uuid = "9fa8497b-333b-5362-9e8d-4d0656e87820" - -[[deps.InlineStrings]] -deps = ["Parsers"] -git-tree-sha1 = "86356004f30f8e737eff143d57d41bd580e437aa" -uuid = "842dd82b-1e85-43dc-bf29-5d0ee9dffc48" -version = "1.4.1" - -[[deps.InteractiveUtils]] -deps = ["Markdown"] -uuid = "b77e0a4c-d291-57a0-90e8-8db25a27a240" - -[[deps.InvertedIndices]] -git-tree-sha1 = "0dc7b50b8d436461be01300fd8cd45aa0274b038" -uuid = "41ab1584-1d38-5bbf-9106-f11c6c58b48f" -version = "1.3.0" - -[[deps.IteratorInterfaceExtensions]] -git-tree-sha1 = "a3f24677c21f5bbe9d2a714f95dcd58337fb2856" -uuid = "82899510-4779-5014-852e-03e436cf321d" -version = "1.0.0" - -[[deps.LaTeXStrings]] -git-tree-sha1 = "50901ebc375ed41dbf8058da26f9de442febbbec" -uuid = "b964fa9f-0449-5b57-a5c2-d3ea65f4040f" -version = "1.3.1" - [[deps.Libdl]] uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" @@ -106,165 +19,22 @@ uuid = "8f399da3-3557-5675-b5ff-fb832c97cbdb" deps = ["Libdl", "libblastrampoline_jll"] uuid = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" -[[deps.Logging]] -uuid = "56ddb016-857b-54e1-b83d-db4d58db5568" - -[[deps.Markdown]] -deps = ["Base64"] -uuid = "d6f4376e-aef5-505a-96c1-9c027394607a" - -[[deps.Missings]] -deps = ["DataAPI"] -git-tree-sha1 = "ec4f7fbeab05d7747bdf98eb74d130a2a2ed298d" -uuid = "e1d29d7a-bbdc-5cf2-9ac0-f12de2c33e28" -version = "1.2.0" - -[[deps.Mmap]] -uuid = "a63ad114-7e13-5084-954f-fe012c677804" - [[deps.OpenBLAS_jll]] deps = ["Artifacts", "CompilerSupportLibraries_jll", "Libdl"] uuid = "4536629a-c528-5b80-bd46-f80d51c5b363" version = "0.3.20+0" -[[deps.OrderedCollections]] -git-tree-sha1 = "dfdf5519f235516220579f949664f1bf44e741c5" -uuid = "bac558e1-5e72-5ebc-8fee-abe8a469f55d" -version = "1.6.3" - -[[deps.Parsers]] -deps = ["Dates", "PrecompileTools", "UUIDs"] -git-tree-sha1 = "8489905bcdbcfac64d1daa51ca07c0d8f0283821" -uuid = "69de0a69-1ddd-5017-9359-2bf0b02dc9f0" -version = "2.8.1" - -[[deps.PooledArrays]] -deps = ["DataAPI", "Future"] -git-tree-sha1 = "36d8b4b899628fb92c2749eb488d884a926614d3" -uuid = "2dfb63ee-cc39-5dd5-95bd-886bf059d720" -version = "1.4.3" - -[[deps.PrecompileTools]] -deps = ["Preferences"] -git-tree-sha1 = "5aa36f7049a63a1528fe8f7c3f2113413ffd4e1f" -uuid = "aea7be01-6a6a-4083-8856-8a6e6704d82a" -version = "1.2.1" - -[[deps.Preferences]] -deps = ["TOML"] -git-tree-sha1 = "9306f6085165d270f7e3db02af26a400d580f5c6" -uuid = "21216c6a-2e73-6563-6e65-726566657250" -version = "1.4.3" - -[[deps.PrettyTables]] -deps = ["Crayons", "LaTeXStrings", "Markdown", "PrecompileTools", "Printf", "Reexport", "StringManipulation", "Tables"] -git-tree-sha1 = "66b20dd35966a748321d3b2537c4584cf40387c7" -uuid = "08abe8d2-0d0c-5749-adfa-8a2ac140af0d" -version = "2.3.2" - -[[deps.Printf]] -deps = ["Unicode"] -uuid = "de0858da-6303-5e67-8744-51eddeeeb8d7" - -[[deps.REPL]] -deps = ["InteractiveUtils", "Markdown", "Sockets", "Unicode"] -uuid = "3fa0cd96-eef1-5676-8a61-b3b8758bbffb" - [[deps.Random]] deps = ["SHA", "Serialization"] uuid = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" -[[deps.Reexport]] -git-tree-sha1 = "45e428421666073eab6f2da5c9d310d99bb12f9b" -uuid = "189a3867-3050-52da-a836-e630ba90ab69" -version = "1.2.2" - [[deps.SHA]] uuid = "ea8e919c-243c-51af-8825-aaa63cd721ce" version = "0.7.0" -[[deps.SentinelArrays]] -deps = ["Dates", "Random"] -git-tree-sha1 = "90b4f68892337554d31cdcdbe19e48989f26c7e6" -uuid = "91c51154-3ec4-41a3-a24f-3f23e20d615c" -version = "1.4.3" - [[deps.Serialization]] uuid = "9e88b42a-f829-5b0c-bbe9-9e923198166b" -[[deps.Sockets]] -uuid = "6462fe0b-24de-5631-8697-dd941f90decc" - -[[deps.SortingAlgorithms]] -deps = ["DataStructures"] -git-tree-sha1 = "66e0a8e672a0bdfca2c3f5937efb8538b9ddc085" -uuid = "a2af1166-a08f-5f64-846c-94a0d3cef48c" -version = "1.2.1" - -[[deps.SparseArrays]] -deps = ["LinearAlgebra", "Random"] -uuid = "2f01184e-e22b-5df5-ae63-d93ebab69eaf" - -[[deps.Statistics]] -deps = ["LinearAlgebra", "SparseArrays"] -uuid = "10745b16-79ce-11e8-11f9-7d13ad32a3b2" - -[[deps.StringManipulation]] -deps = ["PrecompileTools"] -git-tree-sha1 = "a04cabe79c5f01f4d723cc6704070ada0b9d46d5" -uuid = "892a3eda-7b42-436c-8928-eab12a02cf0e" -version = "0.3.4" - -[[deps.TOML]] -deps = ["Dates"] -uuid = "fa267f1f-6049-4f14-aa54-33bafae1ed76" -version = "1.0.0" - -[[deps.TableTraits]] -deps = ["IteratorInterfaceExtensions"] -git-tree-sha1 = "c06b2f539df1c6efa794486abfb6ed2022561a39" -uuid = "3783bdb8-4a98-5b6b-af9a-565f29a5fe9c" -version = "1.0.1" - -[[deps.Tables]] -deps = ["DataAPI", "DataValueInterfaces", "IteratorInterfaceExtensions", "LinearAlgebra", "OrderedCollections", "TableTraits"] -git-tree-sha1 = "cb76cf677714c095e535e3501ac7954732aeea2d" -uuid = "bd369af6-aec1-5ad0-b16a-f7cc5008161c" -version = "1.11.1" - -[[deps.Test]] -deps = ["InteractiveUtils", "Logging", "Random", "Serialization"] -uuid = "8dfed614-e22c-5e08-85e1-65c5234f0b40" - -[[deps.TranscodingStreams]] -deps = ["Random", "Test"] -git-tree-sha1 = "d73336d81cafdc277ff45558bb7eaa2b04a8e472" -uuid = "3bb67fe8-82b1-5028-8e26-92a6c54297fa" -version = "0.10.10" - -[[deps.UUIDs]] -deps = ["Random", "SHA"] -uuid = "cf7118a7-6976-5b1a-9a39-7adc72f591a4" - -[[deps.Unicode]] -uuid = "4ec0a83e-493e-50e2-b9ac-8f72acf5a8f5" - -[[deps.WeakRefStrings]] -deps = ["DataAPI", "InlineStrings", "Parsers"] -git-tree-sha1 = "b1be2855ed9ed8eac54e5caff2afcdb442d52c23" -uuid = "ea10d353-3f73-51f8-a26c-33c1cb351aa5" -version = "1.4.2" - -[[deps.WorkerUtilities]] -git-tree-sha1 = "cd1659ba0d57b71a464a29e64dbc67cfe83d54e7" -uuid = "76eceee3-57b5-4d4a-8e66-0e911cebbf60" -version = "1.6.1" - -[[deps.Zlib_jll]] -deps = ["Libdl"] -uuid = "83775a58-1f1d-513f-b197-d71354ab007a" -version = "1.2.12+3" - [[deps.libblastrampoline_jll]] deps = ["Artifacts", "Libdl", "OpenBLAS_jll"] uuid = "8e850b90-86db-534c-a0d3-1478176c7d93" diff --git a/Project.toml b/Project.toml index 3f26b356..8e583b82 100644 --- a/Project.toml +++ b/Project.toml @@ -4,8 +4,6 @@ authors = ["Darren Colby and contributors"] version = "0.6.0" [deps] -CSV = "336ed68f-0bac-5ca0-87d4-7b16caf5d00b" -DataFrames = "a93c6f00-e57d-5684-b7b6-d8193f3e46c0" LinearAlgebra = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" Random = "9a3f8284-a2c9-5f02-9a11-845980a1fd5c" diff --git a/docs/src/release_notes.md b/docs/src/release_notes.md index 31531182..2e3cb566 100644 --- a/docs/src/release_notes.md +++ b/docs/src/release_notes.md @@ -4,6 +4,7 @@ These release notes adhere to the [keep a changelog](https://keepachangelog.com/ ## Version [v0.7.0](https://github.com/dscolby/CausalELM.jl/releases/tag/v0.6.1) - 2024-06-22 ### Added * Implemented bagged ensemble of extreme learning machines to use with estimators [#67](https://github.com/dscolby/CausalELM.jl/issues/67) +* Implemented multithreading for testing the sensitivity of estimators to the counterfactual consistency assumption ### Changed * Compute the number of neurons to use with log heuristic instead of cross validation [#62](https://github.com/dscolby/CausalELM.jl/issues/62) * Calculate probabilities as the average label predicted by the ensemble instead of clipping [#71](https://github.com/dscolby/CausalELM.jl/issues/71) diff --git a/src/inference.jl b/src/inference.jl index 45b189ff..23226e04 100644 --- a/src/inference.jl +++ b/src/inference.jl @@ -233,12 +233,12 @@ julia> generate_null_distribution(its, 10) """ function generate_null_distribution(its::InterruptedTimeSeries, n, mean_effect) mods = [deepcopy(its) for i ∈ 1:n] - split_idx = size(model.Y₀, 1) + split_idx = size(its.Y₀, 1) results = Vector{Float64}(undef, n) data = reduce(hcat, (reduce(vcat, (its.X₀, its.X₁)), reduce(vcat, (its.Y₀, its.Y₁)))) # Generate random treatment assignments and estimate the causal effects - Threads.@thread for iter in 1:n + Threads.@threads for iter in 1:n local permuted_data = data[shuffle(1:end), :] local permuted_x₀ = permuted_data[1:split_idx, 1:(end - 1)] local permuted_x₁ = permuted_data[(split_idx + 1):end, 1:(end - 1)] @@ -246,8 +246,8 @@ function generate_null_distribution(its::InterruptedTimeSeries, n, mean_effect) local permuted_y₁ = permuted_data[(split_idx + 1):end, end] # Reestimate the model with the intervention now at the nth interval - local model.X₀, model.Y₀ = permuted_x₀, permuted_y₀ - local model.X₁, model.Y₁ = permuted_x₁, permuted_y₁ + mods[iter].X₀, mods[iter].Y₀ = permuted_x₀, permuted_y₀ + mods[iter].X₁, mods[iter].Y₁ = permuted_x₁, permuted_y₁ estimate_causal_effect!(mods[iter]) results[iter] = if mean_effect From fe62069c69aae9ee82a5c43f5fa194cd0a002ed6 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Fri, 5 Jul 2024 17:16:20 -0500 Subject: [PATCH 21/24] Cleaned up docs --- README.md | 34 +- docs/src/api.md | 6 +- docs/src/contributing.md | 10 +- docs/src/guide/doublemachinelearning.md | 48 +- docs/src/guide/gcomputation.md | 53 +- docs/src/guide/its.md | 59 +- docs/src/guide/metalearners.md | 55 +- docs/src/index.md | 50 +- pension.csv | 9916 ----------------------- testing.ipynb | 452 -- 10 files changed, 144 insertions(+), 10539 deletions(-) delete mode 100644 pension.csv delete mode 100644 testing.ipynb diff --git a/README.md b/README.md index 79df210f..7e4b9d01 100644 --- a/README.md +++ b/README.md @@ -41,11 +41,11 @@ series analysis, G-computation, and double machine learning; average treatment e treated (ATT) with G-computation; cumulative treatment effect with interrupted time series analysis; and the conditional average treatment effect (CATE) via S-learning, T-learning, X-learning, R-learning, and doubly robust estimation. Underlying all of these estimators are -extreme learning machines, a simple neural network that uses randomized weights instead of -using gradient descent. Once a model has been estimated, CausalELM can summarize the model, -including computing p-values via randomization inference, and conduct sensitivity analysis -to calidate the plausibility of modeling assumptions. Furthermore, all of this can be done -in four lines of code. +ensembles of extreme learning machines, a simple neural network that uses randomized weights +and least squares optimization instead of gradient descent. Once a model has been estimated, +CausalELM can summarize the model and conduct sensitivity analysis to validate the +plausibility of modeling assumptions. Furthermore, all of this can be done in four lines of +code.

Extreme Learning Machines and Causal Inference

@@ -73,37 +73,39 @@ to adjust the initial estimates. This approach has three advantages. First, it i efficient with high dimensional data than conventional methods. Metalearners take a similar approach to estimate the CATE. While all of these models are different, they have one thing in common: how well they perform depends on the underlying model they fit to the data. To -that end, CausalELMs use extreme learning machines because they are simple yet flexible -enough to be universal function approximators. +that end, CausalELMs use bagged ensembles of extreme learning machines because they are +simple yet flexible enough to be universal function approximators with lower varaince than +single extreme learning machines.

CausalELM Features

  • Estimate a causal effect, get a summary, and validate assumptions in just four lines of code
  • -
  • All models automatically select the best number of neurons and L2 penalty
  • +
  • Bagging improves performance and reduces variance without the need to tune a regularization parameter
  • Enables using the same structs for regression and classification
  • Includes 13 activation functions and allows user-defined activation functions
  • Most inference and validation tests do not assume functional or distributional forms
  • Implements the latest techniques form statistics, econometrics, and biostatistics
  • -
  • Works out of the box with DataFrames or arrays
  • +
  • Works out of the box with arrays or any data structure that implements the Tables.jl interface
  • Codebase is high-quality, well tested, and regularly updated

What's New?

  • Now includes doubly robust estimator for CATE estimation
  • -
  • Uses generalized cross validation with successive halving to find the best ridge penalty
  • -
  • Double machine learning, R-learning, and doubly robust estimators suppot specifying confounders and covariates of interest separately
  • -
  • Counterfactual consistency validation simulates outcomes that violate the assumption rather than the previous binning approach
  • -
  • Standardized and improved docstrings and added doctests
  • +
  • All estimators now implement bagging to reduce predictive performance and reduce variance
  • +
  • Counterfactual consistency validation simulates more realistic violations of the counterfactual consistency assumption
  • +
  • Uses a simple heuristic to choose the number of neurons, which reduces training time and still works well in practice
  • +
  • Probability clipping for classifier predictions and residuals is no longer necessary due to the bagging procedure
  • CausalELM talk has been accepted to JuliaCon 2024!

What's Next?

-Newer versions of CausalELM will hopefully support using GPUs and provide textual -interpretations of the results of calling validate on a model that has been estimated. -However, these priorities could also change depending on feedback recieved at JuliaCon. +Newer versions of CausalELM will hopefully support using GPUs and provide interpretations of +the results of calling validate on a model that has been estimated. In addition, some +estimators will also support using instrumental variables. However, these priorities could +also change depending on feedback recieved at JuliaCon.

Disclaimer

diff --git a/docs/src/api.md b/docs/src/api.md index 8edd38ce..a4ddee88 100644 --- a/docs/src/api.md +++ b/docs/src/api.md @@ -44,15 +44,12 @@ fourier ## Average Causal Effect Estimators ```@docs CausalELM.g_formula! -CausalELM.causal_loss! CausalELM.predict_residuals CausalELM.moving_average -CausalELM.generate_folds ``` ## Metalearners ```@docs -CausalELM.causal_loss CausalELM.doubly_robust_formula! CausalELM.stage1! CausalELM.stage2! @@ -84,7 +81,6 @@ CausalELM.e_value CausalELM.binarize CausalELM.risk_ratio CausalELM.positivity -CausalELM.var_type ``` ## Validation Metrics @@ -110,10 +106,12 @@ CausalELM.set_weights_biases ## Utility Functions ```@docs +CausalELM.var_type CausalELM.mean CausalELM.var CausalELM.one_hot_encode CausalELM.clip_if_binary CausalELM.@model_config CausalELM.@standard_input_data +CausalEL.generate_folds ``` diff --git a/docs/src/contributing.md b/docs/src/contributing.md index cce36f11..eda36ddc 100644 --- a/docs/src/contributing.md +++ b/docs/src/contributing.md @@ -27,15 +27,15 @@ code follows the guidelines below. * Most new structs for estimating causal effects should have mostly the same fields. To reduce the burden of repeatedly defining all these fields, it is advisable to use the - model_config, standard_input_data, and double_learner_input_data macros to - programmatically generate fields for new structs. Doing so will ensure that with little - to no effort the new structs will work with the summarize and validate methods. + model_config and standard_input_data macros to programmatically generate fields for new + structs. Doing so will ensure that with little to no effort the new structs will work + with the summarize and validate methods. * There are no repeated code blocks. If there are repeated codeblocks, then they should be consolidated into a separate function. -* Methods should generally include types and be type stable. If there is a strong reason - to deviate from this point, there should be a comment in the code explaining why. +* Interanl methods can contain types and be parametric but public methods should be as + general as possible. * Minimize use of new constants and macros. If they must be included, the reason for their inclusion should be obvious or included in the docstring. diff --git a/docs/src/guide/doublemachinelearning.md b/docs/src/guide/doublemachinelearning.md index 288ffdb5..ff0657cb 100644 --- a/docs/src/guide/doublemachinelearning.md +++ b/docs/src/guide/doublemachinelearning.md @@ -4,7 +4,8 @@ estimating causal effects when the dimensionality of the covariates is too high regression or the treatment or outcomes cannot be easily modeled parametrically. Double machine learning estimates models of the treatment assignment and outcome and then combines them in a final model. This is a semiparametric model in the sense that the first stage -models can take on any functional form but the final stage model is linear. +models can take on any functional form but the final stage model is a linear combination of +the residuals from the first stage models. !!! note For more information see: @@ -14,17 +15,13 @@ models can take on any functional form but the final stage model is linear. structural parameters." (2018): C1-C68. ## Step 1: Initialize a Model -The DoubleMachineLearning constructor takes at least three arguments, an array of -covariates, a treatment vector, and an outcome vector. This estimator supports binary, count, +The DoubleMachineLearning constructor takes at least three arguments—covariates, a +treatment statuses, and outcomes, all of which may be either an array or any struct that +implements the Tables.jl interface (e.g. DataFrames). This estimator supports binary, count, or continuous treatments and binary, count, continuous, or time to event outcomes. !!! note - Internally, the outcome and treatment models are treated as a regression since extreme - learning machines minimize the MSE. This means that predicted treatments and outcomes - under treatment and control groups could fall outside [0, 1], although this is not likely - in practice. To deal with this, predicted binary variables are automatically clipped to - [0.0000001, 0.9999999]. This also means that count outcomes will be predicted as continuous - variables. + Non-binary categorical outcomes are treated as continuous. !!! tip You can also specify the the number of folds to use for cross-fitting, the number of @@ -46,27 +43,24 @@ dml = DoubleMachineLearning(X, T, Y) ``` ## Step 2: Estimate the Causal Effect -To estimate the causal effect, we call estimatecausaleffect! on the model above. +To estimate the causal effect, we call estimate_causal_effect! on the model above. ```julia # we could also estimate the ATT by passing quantity_of_interest="ATT" estimate_causal_effect!(dml) ``` # Get a Summary -We can get a summary that includes a p-value and standard error estimated via asymptotic -randomization inference by passing our model to the summarize method. - -Calling the summarize method returns a dictionary with the estimator's task (regression or -classification), the quantity of interest being estimated (ATE), whether the model uses an -L2 penalty (always true for DML), the activation function used in the model's outcome -predictors, whether the data is temporal (always false for DML), the number of neurons used -in the ELMs used by the estimator, the causal effect, standard error, and p-value. Due to -long running times, calculation of the p-value and standard error is not conducted and set -to NaN unless inference is set to true. +We can get a summary of the model by pasing the model to the summarize method. + +!!!note + To calculate the p-value and standard error for the treatmetn effect, you can set the + inference argument to false. However, p-values and standard errors are calculated via + randomization inference, which will take a long time. But can be sped up by launching + Julia with a higher number of threads. + ```julia # Can also use the British spelling # summarise(dml) - summarize(dml) ``` @@ -78,12 +72,12 @@ tests do not provide definitive evidence of a violation of these assumptions. To counterfactual consistency assumption, we simulate counterfactual outcomes that are different from the observed outcomes, estimate models with the simulated counterfactual outcomes, and take the averages. If the outcome is continuous, the noise for the simulated -counterfactuals is drawn from N(0, dev) for each element in devs, otherwise the default is -0.25, 0.5, 0.75, and 1.0 standard deviations from the mean outcome. For discrete variables, -each outcome is replaced with a different value in the range of outcomes with probability ϵ -for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the average -estimate for a given level of violation differs greatly from the effect estimated on the -actual data, then the model is very sensitive to violations of the counterfactual +counterfactuals is drawn from N(0, dev) for each element in devs and each outcome, +multiplied by the original outcome, and added to the original outcome. For discrete +variables, each outcome is replaced with a different value in the range of outcomes with +probability ϵ for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the +average estimate for a given level of violation differs greatly from the effect estimated on +the actual data, then the model is very sensitive to violations of the counterfactual consistency assumption for that level of violation. Next, this method tests the model's sensitivity to a violation of the exchangeability assumption by calculating the E-value, which is the minimum strength of association, on the risk ratio scale, that an unobserved diff --git a/docs/src/guide/gcomputation.md b/docs/src/guide/gcomputation.md index c0358901..8f3a266d 100644 --- a/docs/src/guide/gcomputation.md +++ b/docs/src/guide/gcomputation.md @@ -15,9 +15,13 @@ steps for using G-computation in CausalELM are below. study." Scientific reports 10, no. 1 (2020): 9219. ## Step 1: Initialize a Model -The GComputation method takes at least three arguments: an array of covariates, a vector of -treatment statuses, and an outcome vector. It can support binary treatments and binary, -continuous, time to event, and count outcome variables. +The GComputation constructor takes at least three arguments: covariates, treatment statuses, +outcomes, all of which can be either an array or any data structure that implements the +Tables.jl interface (e.g. DataFrames). This implementation supports binary treatments and +binary, continuous, time to event, and count outcome variables. + +!!! note + Non-binary categorical outcomes are treated as continuous. !!! tip You can also specify the causal estimand, which activation function to use, whether the @@ -28,13 +32,6 @@ continuous, time to event, and count outcome variables. arguments: quantity\_of\_interest, activation, temporal, num_machines, num_feats, sample_size, and num\_neurons. -!!! note - Internally, the outcome model is treated as a regression since extreme learning machines - minimize the MSE. This means that predicted outcomes under treatment and control groups - could fall outside [0, 1], although this is not likely in practice. To deal with this, - predicted binary variables are automatically clipped to [0.0000001, 0.9999999]. This also - means that count outcomes will be predicted as continuous variables. - ```julia # Create some data with a binary treatment X, T, Y = rand(1000, 5), [rand()<0.4 for i in 1:1000], rand(1000) @@ -43,28 +40,25 @@ X, T, Y = rand(1000, 5), [rand()<0.4 for i in 1:1000], rand(1000) # using DataFrames # X = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # T, Y = DataFrame(t=[rand()<0.4 for i in 1:1000]), DataFrame(y=rand(1000)) - g_computer = GComputation(X, T, Y) ``` ## Step 2: Estimate the Causal Effect -To estimate the causal effect, we pass the model above to estimatecausaleffect!. +To estimate the causal effect, we pass the model above to estimate_causal_effect!. ```julia # Note that we could also estimate the ATT by setting quantity_of_interest="ATT" estimate_causal_effect!(g_computer) ``` ## Step 3: Get a Summary -We get a summary of the model that includes a p-value and standard error estimated via -asymptotic randomization inference by passing our model to the summarize method. - -Calling the summarize method returns a dictionary with the estimator's task (regression or -classification), the quantity of interest being estimated (ATE), whether the model uses an -L2 penalty (always true for DML), the activation function used in the model's outcome -predictors, whether the data is temporal, the number of neurons used in the ELMs used by the -estimator, the causal effect, standard error, and p-value. Due to long running times, -calculation of the p-value and standard error is not conducted and set to NaN unless -inference is set to true. +We can get a summary of the model by pasing the model to the summarize method. + +!!!note + To calculate the p-value and standard error for the treatmetn effect, you can set the + inference argument to false. However, p-values and standard errors are calculated via + randomization inference, which will take a long time. But can be sped up by launching + Julia with a higher number of threads. + ```julia summarize(g_computer) ``` @@ -77,12 +71,12 @@ tests do not provide definitive evidence of a violation of these assumptions. To counterfactual consistency assumption, we simulate counterfactual outcomes that are different from the observed outcomes, estimate models with the simulated counterfactual outcomes, and take the averages. If the outcome is continuous, the noise for the simulated -counterfactuals is drawn from N(0, dev) for each element in devs, otherwise the default is -0.25, 0.5, 0.75, and 1.0 standard deviations from the mean outcome. For discrete variables, -each outcome is replaced with a different value in the range of outcomes with probability ϵ -for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the average -estimate for a given level of violation differs greatly from the effect estimated on the -actual data, then the model is very sensitive to violations of the counterfactual +counterfactuals is drawn from N(0, dev) for each element in devs and each outcome, +multiplied by the original outcome, and added to the original outcome. For discrete +variables, each outcome is replaced with a different value in the range of outcomes with +probability ϵ for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the +average estimate for a given level of violation differs greatly from the effect estimated on +the actual data, then the model is very sensitive to violations of the counterfactual consistency assumption for that level of violation. Next, this method tests the model's sensitivity to a violation of the exchangeability assumption by calculating the E-value, which is the minimum strength of association, on the risk ratio scale, that an unobserved @@ -95,8 +89,7 @@ an estimated zero probability of treatment, which implies the positivity assumpt satisfied. !!! tip - One can also specify the maxium number of possible treatments to consider for the causal - consistency assumption and the minimum and maximum probabilities of treatment for the + One can also specify the minimum and maximum probabilities of treatment for the positivity assumption with the num\_treatments, min, and max keyword arguments. !!! danger diff --git a/docs/src/guide/its.md b/docs/src/guide/its.md index 94ea06a3..982dd65d 100644 --- a/docs/src/guide/its.md +++ b/docs/src/guide/its.md @@ -1,17 +1,17 @@ # Interrupted Time Series Analysis Sometimes we want to know how an outcome variable for a single unit changed after an event or intervention. For example, if regulators announce sanctions against company A, we might -want to know how the price of stock A changed after the announcement. Since we do not know -what the price of Company A's stock would have been if the santions were not announced, we -need some way to predict those values. An interrupted time series analysis does this by -using some covariates that are related to the oucome variable but not related to whether the -event happened to predict what would have happened. The estimated effects are the -differences between the predicted post-event counterfactual outcomes and the observed +want to know how the price of company A's stock changed after the announcement. Since we do +not know what the price of Company A's stock would have been if the santions were not +announced, we need some way to predict those values. An interrupted time series analysis +does this by using some covariates that are related to the outcome but not related to +whether the event happened to predict what would have happened. The estimated effects are +the differences between the predicted post-event counterfactual outcomes and the observed post-event outcomes, which can also be aggregated to mean or cumulative effects. Estimating an interrupted time series design in CausalELM consists of three steps. !!! note - For a deeper dive on interrupted time series estimation see: + For a general overview of interrupted time series estimation see: Bernal, James Lopez, Steven Cummins, and Antonio Gasparrini. "Interrupted time series regression for the evaluation of public health interventions: a tutorial." International @@ -29,33 +29,32 @@ Estimating an interrupted time series design in CausalELM consists of three step opposed to the commonly used segment linear regression. ## Step 1: Initialize an interrupted time series estimator -The InterruptedTimeSeries method takes at least four agruments: an array of pre-event -covariates, a vector of pre-event outcomes, an array of post-event covariates, and a vector -of post-event outcomes. The interrupted time series estimator assumes outcomes are either -continuous, count, or time to event variables. +The InterruptedTimeSeries constructor takes at least four agruments: pre-event covariates, +pre-event outcomes, post-event covariates, and post-event outcomes, all of which can be +either an array or any data structure that implements the Tables.jl interface (e.g. +DataFrames). The interrupted time series estimator assumes outcomes are either continuous, +count, or time to event variables. !!! note - Since extreme learning machines minimize the MSE, count outcomes will be predicted as - continuous variables. + Non-binary categorical outcomes are treated as continuous. !!! tip - You can also specify which activation function to use, whether the data is of a temporal - nature, the number of extreme learning machines to use, the number of features to - consider for each extreme learning machine, the number of bootstrapped observations to - include in each extreme learning machine, and the number of neurons to use during - estimation. These options are specified with the following keyword arguments: - activation, temporal, num_machines, num_feats, sample_size, and num\_neurons. + You can also specify which activation function to use, the number of extreme learning + machines to use, the number of features to consider for each extreme learning machine, + the number of bootstrapped observations to include in each extreme learning machine, and + the number of neurons to use during estimation. These options are specified with the + following keyword arguments: activation, num_machines, num_feats, sample_size, and + num\_neurons. ```julia # Generate some data to use X₀, Y₀, X₁, Y₁ = rand(1000, 5), rand(1000), rand(100, 5), rand(100) -# We could also use DataFrames or any other package that implements the Tables.jl API +# We could also use DataFrames or any other package that implements the Tables.jl interface # using DataFrames # X₀ = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # X₁ = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # Y₀, Y₁ = DataFrame(y=rand(1000)), DataFrame(y=rand(1000)) - its = InterruptedTimeSeries(X₀, Y₀, X₁, Y₁) ``` @@ -67,16 +66,14 @@ estimate_causal_effect!(its) ``` ## Step 3: Get a Summary -We can get a summary of the model, including a p-value and statndard via asymptotic -randomization inference, by pasing the model to the summarize method. - -Calling the summarize method returns a dictionary with the estimator's task (regression or -classification), the quantity of interest being estimated (ATE), whether the model uses an -L2 penalty (always true for DML), the activation function used in the model's outcome -predictors, whether the data is temporal (always true for ITS), the number of neurons used -in the ELMs used by the estimator, the causal effect, standard error, and p-value. Due to -long running times, calculation of the p-value and standard error is not conducted and set -to NaN unless inference is set to true. +We can get a summary of the model by pasing the model to the summarize method. + +!!!note + To calculate the p-value and standard error for the treatmetn effect, you can set the + inference argument to false. However, p-values and standard errors are calculated via + randomization inference, which will take a long time. But can be sped up by launching + Julia with a higher number of threads. + ```julia summarize(its) ``` diff --git a/docs/src/guide/metalearners.md b/docs/src/guide/metalearners.md index dad7b22a..76718c60 100644 --- a/docs/src/guide/metalearners.md +++ b/docs/src/guide/metalearners.md @@ -11,11 +11,6 @@ doubly robust learners, they can only handle binary treatments. On the other han R-learners can handle binary, categorical, count, or continuous treatments but only supports continuous outcomes. -!!! note - If regularized is set to true then the ridge penalty will be estimated using generalized - cross. However, if the penalty in on iteration is approximately the same as in the - previous penalty, then the procedure will stop early. - !!! note For a deeper dive on S-learning, T-learning, and X-learning see: @@ -29,25 +24,22 @@ continuous outcomes. Nie, Xinkun, and Stefan Wager. "Quasi-oracle estimation of heterogeneous treatment effects." Biometrika 108, no. 2 (2021): 299-319. + To see the details out doubly robust estimation implemented in CausalELM see: + Kennedy, Edward H. "Towards optimal doubly robust estimation of heterogeneous causal effects." Electronic Journal of Statistics 17, no. 2 (2023): 3008-3049. # Initialize a Metalearner S-learners, T-learners, X-learners, R-learners, and doubly robust estimators all take at -least three arguments: an array of covariates, a vector of outcomes, and a vector of -treatment statuses. S, T, X, and doubly robust learners support binary treatment variables -and binary, continuous, count, or time to event outcomes. The R-learning estimator supports -binary, continuous, or count treatment variables and binary, continuous, count, or time to -event outcomes. +least three arguments—covariates, treatment statuses, and outcomes, all of which can be +either an array or any struct that implements the Tables.jl interface (e.g. DataFrames). S, +T, X, and doubly robust learners support binary treatment variables and binary, continuous, +count, or time to event outcomes. The R-learning estimator supports binary, continuous, or +count treatment variables and binary, continuous, count, or time to event outcomes. !!! note - Internally, the outcome and treatment models of the metalearners are treated as a regression - since extreme learning machines minimize the MSE. This means that predicted treatments and - outcomes under treatment and control groups could fall outside [0, 1], although this is not - likely in practice. To deal with this, predicted binary variables are automatically clipped to - [0.0000001, 0.9999999].This also means that count outcomes will be predicted as continuous - variables. + Non-binary categorical outcomes are treated as continuous. !!! tip You can also specify the the number of folds to use for cross-fitting, the number of @@ -65,7 +57,6 @@ X, Y, T = rand(1000, 5), rand(1000), [rand()<0.4 for i in 1:1000] # using DataFrames # X = DataFrame(x1=rand(1000), x2=rand(1000), x3=rand(1000), x4=rand(1000), x5=rand(1000)) # T, Y = DataFrame(t=[rand()<0.4 for i in 1:1000]), DataFrame(y=rand(1000)) - s_learner = SLearner(X, Y, T) t_learner = TLearner(X, Y, T) x_learner = XLearner(X, Y, T) @@ -84,16 +75,14 @@ estimate_causal_effect!(dr_lwarner) ``` # Get a Summary -We can get a summary of the models that includes p0values and standard errors for the -average treatment effect by passing the models to the summarize method. - -Calling the summarize methodd returns a dictionary with the estimator's task (regression or -classification), the quantity of interest being estimated (CATE), whether the model -uses an L2 penalty, the activation function used in the model's outcome predictors, whether -the data is temporal, the validation metric used for cross validation to find the best -number of neurons, the number of neurons used in the ELMs used by the estimator, the number -of neurons used in the ELM used to learn a mapping from number of neurons to validation -loss during cross validation, the causal effect, standard error, and p-value for the ATE. +We can get a summary of the model by pasing the model to the summarize method. + +!!!note + To calculate the p-value and standard error for the treatmetn effect, you can set the + inference argument to false. However, p-values and standard errors are calculated via + randomization inference, which will take a long time. But can be sped up by launching + Julia with a higher number of threads. + ```julia summarize(s_learner) summarize(t_learner) @@ -110,12 +99,12 @@ tests do not provide definitive evidence of a violation of these assumptions. To counterfactual consistency assumption, we simulate counterfactual outcomes that are different from the observed outcomes, estimate models with the simulated counterfactual outcomes, and take the averages. If the outcome is continuous, the noise for the simulated -counterfactuals is drawn from N(0, dev) for each element in devs, otherwise the default is -0.25, 0.5, 0.75, and 1.0 standard deviations from the mean outcome. For discrete variables, -each outcome is replaced with a different value in the range of outcomes with probability ϵ -for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the average -estimate for a given level of violation differs greatly from the effect estimated on the -actual data, then the model is very sensitive to violations of the counterfactual +counterfactuals is drawn from N(0, dev) for each element in devs and each outcome, +multiplied by the original outcome, and added to the original outcome. For discrete +variables, each outcome is replaced with a different value in the range of outcomes with +probability ϵ for each ϵ in devs, otherwise the default is 0.025, 0.05, 0.075, 0.1. If the +average estimate for a given level of violation differs greatly from the effect estimated on +the actual data, then the model is very sensitive to violations of the counterfactual consistency assumption for that level of violation. Next, this method tests the model's sensitivity to a violation of the exchangeability assumption by calculating the E-value, which is the minimum strength of association, on the risk ratio scale, that an unobserved diff --git a/docs/src/index.md b/docs/src/index.md index 8d435eae..5b777f0a 100644 --- a/docs/src/index.md +++ b/docs/src/index.md @@ -16,16 +16,16 @@ CurrentModule = CausalELM CausalELM leverages new techniques in machine learning and statistics to estimate individual and aggregate treatment effects in situations where traditional methods are unsatisfactory or infeasible. To enable this, CausalELM provides a simple API to initialize a model, -estimate a causal effect, get a summary from the model, and test the robustness of the -model. CausalELM includes estimators for interupted time series analysis, G-Computation, -double machine learning, S-Learning, T-Learning, X-Learning, R-learning, and doubly robust -estimation. Underlying all these estimators are bagged extreme learning machines. Extreme -learning machines are a single layer feedfoward neural network that relies on randomized -weights and least squares optimization, making them expressive, simple, and computationally -efficient. Combining them with bagging reduces the variance due to their randomized weights -and provides a form of regularization that does not have to be tuned through cross -validation.These attributes make CausalELM a very simple and powerful package for estimating -treatment effects. +estimate a causal effect, get a summary of the model, and test its robustness. CausalELM +includes estimators for interupted time series analysis, G-Computation, double machine +learning, S-Learning, T-Learning, X-Learning, R-learning, and doubly robust estimation. +Underlying all these estimators are bagged extreme learning machines. Extreme learning +machines are a single layer feedfoward neural network that relies on randomized weights and +least squares optimization, making them expressive, simple, and computationally +efficient. Combining them with bagging reduces the variance caused by the randomization of +weights and provides a form of regularization that does not have to be tuned through cross +validation. These attributes make CausalELM a very simple and powerful package for +estimating treatment effects. ### Features * Estimate a causal effect, get a summary, and validate assumptions in just four lines of code @@ -33,16 +33,16 @@ treatment effects. * Enables using the same structs for regression and classification * Includes 13 activation functions and allows user-defined activation functions * Most inference and validation tests do not assume functional or distributional forms -* Implements the latest techniques form statistics, econometrics, and biostatistics +* Implements the latest techniques from statistics, econometrics, and biostatistics * Works out of the box with arrays or any data structure that implements the Tables.jl interface * Codebase is high-quality, well tested, and regularly updated ### What's New? * Now includes doubly robust estimator for CATE estimation -* Uses generalized cross validation with successive halving to find the best ridge penalty -* Double machine learning, R-learning, and doubly robust estimators suppot specifying confounders and covariates of interest separately -* Counterfactual consistency validation simulates outcomes that violate the assumption rather than the previous binning approach -* Standardized and improved docstrings and added doctests +* All estimators now implement bagging to reduce predictive performance and reduce variance +* Counterfactual consistency validation simulates more realistic violations of the counterfactual consistency assumption +* Uses a simple heuristic to choose the number of neurons, which reduces training time and still works well in practice +* Probability clipping for classifier predictions and residuals is no longer necessary due to the bagging procedure * CausalELM talk has been accepted to JuliaCon 2024! ### What makes CausalELM different? @@ -50,16 +50,16 @@ Other packages, mainly EconML, DoWhy, CausalAI, and CausalML, have similar funci Beides being written in Julia rather than Python, the main differences between CausalELM and these libraries are: * Simplicity is core to casualELM's design philosophy. CausalELM only uses one type of - machine learning model, extreme learning machines (with optional L2 regularization) and - does not require you to import any other packages or initialize machine learning models, - pass machine learning structs to CausalELM's estimators, convert dataframes or arrays to - a special type, or one hot encode categorical treatments. By trading a little bit of - flexibility for a simpler API, all of CausalELM's functionality can be used with just - four lines of code. -* As part of this design principle, CausalELM's estimators handle all of the work in - finding the best number of neurons during estimation. They use a simple log heuristic - for determining the number of neurons to use and automatically select the best ridge - penalty via generalized cross validation. + machine learning model, extreme learning machines (with bagging) and does not require + you to import any other packages or initialize machine learning models, pass machine + learning structs to CausalELM's estimators, convert dataframes or arrays to a special + type, or one hot encode categorical treatments. By trading a little bit of flexibility + for a simpler API, all of CausalELM's functionality can be used with just four lines of + code. +* As part of this design principle, CausalELM's estimators decide whether to use regression + or classification based on the type of outcome variable. This is in contrast to most + machine learning packages, which have separate classes or structs fro regressors and + classifiers of the same model. * CausalELM's validate method, which is specific to each estimator, allows you to validate or test the sentitivity of an estimator to possible violations of identifying assumptions. * Unlike packages that do not allow you to estimate p-values and standard errors, use diff --git a/pension.csv b/pension.csv deleted file mode 100644 index e4dff354..00000000 --- a/pension.csv +++ /dev/null @@ -1,9916 +0,0 @@ -"","ira","a401","hval","hmort","hequity","nifa","net_nifa","tfa","net_tfa","tfa_he","tw","age","inc","fsize","educ","db","marr","male","twoearn","dum91","e401","p401","pira","nohs","hs","smcol","col","icat","ecat","zhat","net_n401","hown","i1","i2","i3","i4","i5","i6","i7","a1","a2","a3","a4","a5" -"1",0,0,69000,60150,8850,100,-3300,100,-3300,5550,53550,31,28146,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2",0,0,78000,20000,58000,61010,61010,61010,61010,119010,124635,52,32634,5,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,61010,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3",1800,0,200000,15900,184100,7549,7049,9349,8849,192949,192949,50,52206,3,11,0,1,1,1,1,0,0,1,1,0,0,0,6,1,0.5336504,8849,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4",0,0,0,0,0,2487,-6013,2487,-6013,-6013,-513,28,45252,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-6013,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5",0,0,300000,90000,210000,10625,-2375,10625,-2375,207625,212087,42,33126,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-2375,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6",0,0,120000,99600,20400,9000,-11000,9000,-11000,9400,24400,49,76860,6,15,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,-11000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7",0,0,89000,63000,26000,1099,-16901,1099,-16901,9099,33299,40,57477,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-16901,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8",0,0,0,0,0,1700,1000,1700,1000,1000,2500,58,14637,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9",0,0,0,0,0,0,0,0,0,0,0,29,6573,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"10",5700,0,0,0,0,800,700,6500,6400,6400,7150,50,5766,1,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,6400,0,1,0,0,0,0,0,0,0,0,0,1,0 -"11",8000,0,83000,68000,15000,16900,16900,24900,24900,39900,52625,45,43239,1,12,1,0,1,0,1,0,0,1,0,1,0,0,5,2,0.650903,24900,1,0,0,0,0,1,0,0,0,0,0,1,0 -"12",0,0,0,0,0,100,-675,100,-675,-675,-675,25,40323,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-675,0,0,0,0,0,1,0,0,1,0,0,0,0 -"13",0,0,0,0,0,0,-400,0,-400,-400,8100,30,30000,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"14",0,0,0,0,0,217,-83,217,-83,-83,2250,27,9612,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-83,0,1,0,0,0,0,0,0,1,0,0,0,0 -"15",34000,0,12000,235,11765,1400,1400,35400,35400,47165,59519,42,85086,4,12,0,1,1,1,1,0,0,1,0,1,0,0,7,2,0.5801663,35400,1,0,0,0,0,0,0,1,0,0,1,0,0 -"16",0,0,0,0,0,1400,-100,1400,-100,-100,18900,35,32208,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"17",2300,0,0,0,0,60000,60000,62300,62300,62300,64800,35,63525,1,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.3107966,62300,0,0,0,0,0,0,1,0,0,1,0,0,0 -"18",0,0,0,0,0,612,-3888,612,-3888,-3888,15112,41,31896,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-3888,0,0,0,0,1,0,0,0,0,0,1,0,0 -"19",0,0,0,0,0,20,20,20,20,20,1445,53,9744,1,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,20,0,1,0,0,0,0,0,0,0,0,0,1,0 -"20",0,0,120000,0,120000,3098,3098,3098,3098,123098,123098,62,74589,3,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,3098,1,0,0,0,0,0,1,0,0,0,0,0,1 -"21",0,0,0,0,0,298,205,298,205,205,43258,45,38148,1,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,205,0,0,0,0,1,0,0,0,0,0,0,1,0 -"22",0,0,0,0,0,3613,2863,3613,2863,2863,2863,56,16290,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2863,0,0,1,0,0,0,0,0,0,0,0,0,1 -"23",0,0,0,0,0,0,0,0,0,0,0,31,11340,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"24",0,0,0,0,0,629,-2171,629,-2171,-2171,789,31,26175,5,13,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2171,0,0,0,1,0,0,0,0,0,1,0,0,0 -"25",50250,0,300000,0,300000,310163,310163,360413,360413,660413,660413,63,71535,2,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,360413,1,0,0,0,0,0,1,0,0,0,0,0,1 -"26",0,0,35000,0,35000,499,499,499,499,35499,35999,56,21678,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"27",0,0,12000,17000,-5000,500,-1300,500,-1300,-6300,3700,52,27360,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"28",0,0,100000,35000,65000,1000,-1700,1000,-1700,63300,72300,58,29724,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-1700,1,0,0,1,0,0,0,0,0,0,0,0,1 -"29",0,0,250000,52000,198000,53698,53698,53698,53698,251698,346394,42,42084,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,53698,1,0,0,0,0,1,0,0,0,0,1,0,0 -"30",14000,0,140000,42000,98000,12000,12000,26000,26000,124000,124000,35,71340,2,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,26000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"31",0,0,0,0,0,1300,1000,1300,1000,1000,1000,61,35100,5,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,1000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"32",0,0,10000,0,10000,670,-2580,670,-2580,7420,7420,62,15051,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2580,1,0,1,0,0,0,0,0,0,0,0,0,1 -"33",0,0,80000,0,80000,670,-2430,670,-2430,77570,77570,48,14328,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-2430,1,0,1,0,0,0,0,0,0,0,0,1,0 -"34",2115,0,83000,83000,0,14100,6100,16215,8215,8215,116515,28,68214,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,8215,1,0,0,0,0,0,1,0,1,0,0,0,0 -"35",2000,0,110000,57000,53000,17100,16700,19100,18700,71700,78550,51,30030,3,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,18700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"36",0,0,75000,0,75000,0,-2600,0,-2600,72400,74400,45,9315,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-2600,1,1,0,0,0,0,0,0,0,0,0,1,0 -"37",0,0,0,0,0,2647,-1393,2647,-1393,-1393,-1393,28,45351,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1393,0,0,0,0,0,1,0,0,1,0,0,0,0 -"38",0,0,0,0,0,100,-800,100,-800,-800,1250,39,22095,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"39",8000,0,150000,95000,55000,2399,399,10399,8399,63399,63399,42,47934,4,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,8399,1,0,0,0,0,1,0,0,0,0,1,0,0 -"40",0,0,300000,73000,227000,40,-11760,40,-11760,215240,275240,43,27168,6,7,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-11760,1,0,0,1,0,0,0,0,0,0,1,0,0 -"41",0,0,135000,97919,37081,4030,-470,4030,-470,36611,38236,31,38151,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-470,1,0,0,0,1,0,0,0,0,1,0,0,0 -"42",0,0,50000,31000,19000,8311,3880,8311,3880,22880,25380,28,41610,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3880,1,0,0,0,0,1,0,0,1,0,0,0,0 -"43",0,0,45000,45000,0,799,-4220,799,-4220,-4220,2125,39,31848,4,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-4220,1,0,0,0,1,0,0,0,0,0,1,0,0 -"44",3000,0,0,0,0,0,0,3000,3000,3000,3000,60,37794,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"45",14000,0,56000,0,56000,7747,5947,21747,19947,75947,125947,58,38949,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,19947,1,0,0,0,1,0,0,0,0,0,0,0,1 -"46",0,0,0,0,0,5249,5249,5249,5249,5249,5249,30,31098,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,5249,0,0,0,0,1,0,0,0,0,1,0,0,0 -"47",0,0,0,0,0,3199,-8501,3199,-8501,-8501,-1501,32,53700,4,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-8501,0,0,0,0,0,0,1,0,0,1,0,0,0 -"48",0,0,80000,62000,18000,1069,-2431,1069,-2431,15569,64219,31,37317,2,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-2431,1,0,0,0,1,0,0,0,0,1,0,0,0 -"49",0,0,0,0,0,1150,-1550,1150,-1550,-1550,3253,31,23748,1,16,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-1550,0,0,0,1,0,0,0,0,0,1,0,0,0 -"50",250,0,60000,50000,10000,1500,-1000,1750,-750,9250,19250,31,31470,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,-750,1,0,0,0,1,0,0,0,0,1,0,0,0 -"51",0,0,112000,86000,26000,35300,34450,35300,34450,60450,67450,31,42750,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,34450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"52",0,0,0,0,0,1399,699,1399,699,699,3199,40,32976,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,699,0,0,0,0,1,0,0,0,0,0,1,0,0 -"53",0,0,95000,74000,21000,500,-8700,500,-8700,12300,17300,31,40473,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-8700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"54",0,0,0,0,0,0,0,0,0,0,500,45,4590,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"55",0,0,47500,32500,15000,0,-1855,0,-1855,13145,16645,34,16122,3,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1855,1,0,1,0,0,0,0,0,0,1,0,0,0 -"56",0,0,0,0,0,3000,3000,3000,3000,3000,3000,63,34764,2,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.2951996,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"57",0,0,0,0,0,0,0,0,0,0,0,55,25200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"58",0,0,195000,130000,65000,57000,57000,57000,57000,122000,130000,29,58878,3,1,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,57000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"59",0,0,35000,28000,7000,100,-5900,100,-5900,1100,3100,53,14496,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5900,1,0,1,0,0,0,0,0,0,0,0,1,0 -"60",0,0,0,0,0,0,0,0,0,0,4800,46,17280,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"61",0,0,280000,120000,160000,21199,21199,21199,21199,181199,181199,39,50283,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,21199,1,0,0,0,0,0,1,0,0,0,1,0,0 -"62",7000,0,300000,0,300000,999,999,7999,7999,307999,320829,37,51060,1,15,0,0,1,0,1,0,0,1,0,0,1,0,6,3,0.4868788,7999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"63",0,0,185000,150000,35000,200,-24800,200,-24800,10200,10200,56,31548,6,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-24800,1,0,0,0,1,0,0,0,0,0,0,0,1 -"64",0,0,40000,34900,5100,34568,32568,34568,32568,37668,56618,49,12675,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,32568,1,0,1,0,0,0,0,0,0,0,0,1,0 -"65",0,0,0,0,0,199,199,199,199,199,40199,41,25542,4,8,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,199,0,0,0,1,0,0,0,0,0,0,1,0,0 -"66",5800,0,105000,60000,45000,30300,30083,36100,35883,80883,80883,39,56913,3,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,35883,1,0,0,0,0,0,1,0,0,0,1,0,0 -"67",0,0,0,0,0,699,-8301,699,-8301,-8301,-4651,39,28836,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8301,0,0,0,1,0,0,0,0,0,0,1,0,0 -"68",0,0,50000,25000,25000,37100,36950,37100,36950,61950,73000,37,14400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,36950,1,0,1,0,0,0,0,0,0,0,1,0,0 -"69",0,0,0,0,0,2458,2258,2458,2258,2258,6158,32,13866,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2258,0,0,1,0,0,0,0,0,0,1,0,0,0 -"70",0,0,2200,0,2200,50,50,50,50,2250,2750,26,16215,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,50,1,0,1,0,0,0,0,0,1,0,0,0,0 -"71",25000,0,125000,38000,87000,75000,75000,100000,100000,187000,187000,64,43002,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,100000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"72",0,0,0,0,0,100,-1700,100,-1700,-1700,4300,35,42393,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-1700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"73",0,0,75000,72000,3000,4100,-8900,4100,-8900,-5900,-1900,37,50280,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-8900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"74",1000,0,0,0,0,135,-365,1135,635,635,3985,25,21630,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,635,0,0,0,1,0,0,0,0,1,0,0,0,0 -"75",0,0,55000,55000,0,704,-1796,704,-1796,-1796,20204,44,51552,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1796,1,0,0,0,0,0,1,0,0,0,1,0,0 -"76",0,0,0,0,0,0,0,0,0,0,0,27,8286,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"77",0,0,0,0,0,5199,4199,5199,4199,4199,16749,44,15870,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4199,0,0,1,0,0,0,0,0,0,0,1,0,0 -"78",0,0,45000,36000,9000,0,0,0,0,9000,9000,32,22440,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"79",0,0,0,0,0,360,-165,360,-165,-165,335,37,20421,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-165,0,0,0,1,0,0,0,0,0,0,1,0,0 -"80",0,0,65000,11500,53500,0,-400,0,-400,53100,53600,48,27156,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"81",25800,0,135000,30000,105000,42505,40005,68305,65805,170805,170805,38,52035,4,15,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,65805,1,0,0,0,0,0,1,0,0,0,1,0,0 -"82",0,0,0,0,0,0,0,0,0,0,0,31,23223,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"83",6000,0,0,0,0,502,-27498,6502,-21498,-21498,-7498,45,34002,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,-21498,0,0,0,0,1,0,0,0,0,0,0,1,0 -"84",0,0,200000,50000,150000,9999,4999,9999,4999,154999,154999,41,60600,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,4999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"85",58000,0,75000,0,75000,31897,29897,89897,87897,162897,365897,59,79545,2,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,87897,1,0,0,0,0,0,0,1,0,0,0,0,1 -"86",0,0,0,0,0,0,0,0,0,0,0,27,18156,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"87",0,0,0,0,0,750,-450,750,-450,-450,-450,53,21600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-450,0,0,0,1,0,0,0,0,0,0,0,1,0 -"88",15522,0,210000,96000,114000,48500,47500,64022,63022,177022,215822,37,41994,4,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.4624346,63022,1,0,0,0,0,1,0,0,0,0,1,0,0 -"89",0,0,63000,59000,4000,7500,7300,7500,7300,11300,13100,31,50346,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,7300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"90",0,0,0,0,0,100,-3800,100,-3800,-3800,9033,51,19815,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-3800,0,0,1,0,0,0,0,0,0,0,0,1,0 -"91",0,0,0,0,0,100,-1480,100,-1480,-1480,3361,33,12501,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-1480,0,0,1,0,0,0,0,0,0,1,0,0,0 -"92",0,0,0,0,0,499,199,499,199,199,1474,35,33012,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,199,0,0,0,0,1,0,0,0,0,1,0,0,0 -"93",0,0,80000,50400,29600,626,626,626,626,30226,34294,28,38400,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,626,1,0,0,0,1,0,0,0,1,0,0,0,0 -"94",0,0,30000,24500,5500,600,450,600,450,5950,6950,36,26472,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,450,1,0,0,1,0,0,0,0,0,0,1,0,0 -"95",0,0,0,0,0,3300,-46700,3300,-46700,-46700,-46700,32,44460,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-46700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"96",0,0,0,0,0,750,750,750,750,750,3950,25,27657,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,750,0,0,0,1,0,0,0,0,1,0,0,0,0 -"97",0,0,0,0,0,469,-43434,469,-43434,-43434,-34434,60,40917,3,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-43434,0,0,0,0,0,1,0,0,0,0,0,0,1 -"98",0,0,0,0,0,20400,8400,20400,8400,8400,11400,35,47040,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,8400,0,0,0,0,0,1,0,0,0,1,0,0,0 -"99",0,0,0,0,0,10299,10299,10299,10299,10299,11924,44,22956,2,6,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,10299,0,0,0,1,0,0,0,0,0,0,1,0,0 -"100",12500,0,150000,0,150000,5100,5100,17600,17600,167600,167600,60,23109,2,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,17600,1,0,0,1,0,0,0,0,0,0,0,0,1 -"101",0,0,30000,30000,0,11100,11100,11100,11100,11100,14800,34,28380,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,11100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"102",0,0,0,0,0,1204,-296,1204,-296,-296,6904,27,32154,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-296,0,0,0,0,1,0,0,0,1,0,0,0,0 -"103",4318,0,100000,19000,81000,20886,20886,25204,25204,106204,106204,62,33096,2,9,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,25204,1,0,0,0,1,0,0,0,0,0,0,0,1 -"104",0,0,0,0,0,50,50,50,50,50,50,34,17883,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,50,0,0,1,0,0,0,0,0,0,1,0,0,0 -"105",0,0,0,0,0,3100,1200,3100,1200,1200,3700,30,22362,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"106",0,0,0,0,0,1900,900,1900,900,900,16400,36,42114,6,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,900,0,0,0,0,0,1,0,0,0,0,1,0,0 -"107",50000,0,275000,0,275000,34000,24000,84000,74000,349000,718000,52,97299,4,16,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,74000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"108",30600,0,50000,0,50000,1049,1049,31649,31649,81649,83149,40,36060,1,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,31649,1,0,0,0,1,0,0,0,0,0,1,0,0 -"109",9000,0,0,0,0,1900,-700,10900,8300,8300,8500,40,40194,3,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7125204,8300,0,0,0,0,0,1,0,0,0,0,1,0,0 -"110",11000,0,180000,70000,110000,4120,-6380,15120,4620,114620,114620,53,88422,5,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,4620,1,0,0,0,0,0,0,1,0,0,0,1,0 -"111",0,0,0,0,0,3000,3000,3000,3000,3000,3000,46,7938,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,3000,0,1,0,0,0,0,0,0,0,0,0,1,0 -"112",0,0,0,0,0,152,-248,152,-248,-248,752,41,14580,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-248,0,0,1,0,0,0,0,0,0,0,1,0,0 -"113",2000,0,0,0,0,3600,3100,5600,5100,5100,5100,30,29616,3,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,5100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"114",0,0,170000,100000,70000,8000,5500,8000,5500,75500,75500,33,38850,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,5500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"115",0,0,90000,79500,10500,500,100,500,100,10600,10600,41,45624,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"116",0,0,0,0,0,0,0,0,0,0,0,45,5277,3,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"117",0,0,125000,0,125000,387,-113,387,-113,124887,131868,36,21369,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-113,1,0,0,1,0,0,0,0,0,0,1,0,0 -"118",0,0,0,0,0,3150,2650,3150,2650,2650,2650,58,15420,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2650,0,0,1,0,0,0,0,0,0,0,0,0,1 -"119",0,0,0,0,0,0,0,0,0,0,500,25,8925,3,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"120",0,0,0,0,0,700,-100,700,-100,-100,3250,31,20475,1,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"121",0,0,70000,39000,31000,2199,1024,2199,1024,32024,32024,26,42738,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1024,1,0,0,0,0,1,0,0,1,0,0,0,0 -"122",0,0,0,0,0,0,0,0,0,0,0,30,18753,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"123",0,0,0,0,0,0,0,0,0,0,1200,28,14280,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"124",0,0,16500,0,16500,0,0,0,0,16500,18275,39,4872,2,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"125",0,0,0,0,0,0,-315,0,-315,-315,3685,31,11364,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-315,0,0,1,0,0,0,0,0,0,1,0,0,0 -"126",0,0,0,0,0,350,-2450,350,-2450,-2450,7550,27,48900,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-2450,0,0,0,0,0,1,0,0,1,0,0,0,0 -"127",0,0,0,0,0,0,0,0,0,0,0,36,11400,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"128",0,0,80000,73000,7000,200,-11800,200,-11800,-4800,11200,46,33375,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-11800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"129",0,0,55000,38000,17000,12003,11422,12003,11422,28422,32039,57,11820,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,11422,1,0,1,0,0,0,0,0,0,0,0,0,1 -"130",0,0,0,0,0,20,-2140,20,-2140,-2140,-2140,29,22440,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2140,0,0,0,1,0,0,0,0,1,0,0,0,0 -"131",0,0,0,0,0,0,0,0,0,0,0,53,7440,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"132",0,0,0,0,0,1300,300,1300,300,300,6475,29,19215,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"133",0,0,215000,27000,188000,6500,5000,6500,5000,193000,193000,41,54852,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,5000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"134",0,0,58000,18000,40000,1924,-8676,1924,-8676,31324,53824,40,37062,6,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-8676,1,0,0,0,1,0,0,0,0,0,1,0,0 -"135",0,0,0,0,0,6000,6000,6000,6000,6000,10200,25,15660,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"136",0,0,200000,130000,70000,2500,2000,2500,2000,72000,72000,48,73650,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"137",0,0,240000,150000,90000,17999,11999,17999,11999,101999,121999,30,48111,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,11999,1,0,0,0,0,1,0,0,0,1,0,0,0 -"138",0,0,90000,32000,58000,250,-1550,250,-1550,56450,56450,41,22617,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1550,1,0,0,1,0,0,0,0,0,0,1,0,0 -"139",0,0,0,0,0,2000,-9050,2000,-9050,-9050,-8550,26,11100,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-9050,0,0,1,0,0,0,0,0,1,0,0,0,0 -"140",12500,0,145000,52000,93000,30100,30100,42600,42600,135600,135600,42,79650,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,42600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"141",0,0,30000,0,30000,0,-200,0,-200,29800,29800,42,6297,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-200,1,1,0,0,0,0,0,0,0,0,1,0,0 -"142",0,0,63000,58000,5000,1050,950,1050,950,5950,38950,54,20172,2,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,950,1,0,0,1,0,0,0,0,0,0,0,1,0 -"143",0,0,0,0,0,1520,-980,1520,-980,-980,-980,56,29529,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-980,0,0,0,1,0,0,0,0,0,0,0,0,1 -"144",0,0,0,0,0,2400,2400,2400,2400,2400,2400,61,4146,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,2400,0,1,0,0,0,0,0,0,0,0,0,0,1 -"145",0,0,0,0,0,2200,-4700,2200,-4700,-4700,-2266,33,21972,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-4700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"146",0,0,0,0,0,0,0,0,0,0,4200,42,13440,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"147",0,0,65000,33000,32000,0,-2800,0,-2800,29200,29200,62,16029,5,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"148",0,0,120000,104000,16000,8167,-4475,8167,-4475,11525,11525,29,43173,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-4475,1,0,0,0,0,1,0,0,1,0,0,0,0 -"149",0,0,0,0,0,0,0,0,0,0,1875,28,11376,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"150",0,0,0,0,0,0,0,0,0,0,2500,33,30600,6,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"151",0,0,50000,46000,4000,7759,7559,7759,7559,11559,11559,35,27603,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,7559,1,0,0,1,0,0,0,0,0,1,0,0,0 -"152",0,0,40000,15000,25000,0,-800,0,-800,24200,25950,42,9120,5,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-800,1,1,0,0,0,0,0,0,0,0,1,0,0 -"153",0,0,0,0,0,900,-1100,900,-1100,-1100,6400,61,17460,3,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1100,0,0,1,0,0,0,0,0,0,0,0,0,1 -"154",0,0,250000,55700,194300,410,-6590,410,-6590,187710,187710,44,9474,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-6590,1,1,0,0,0,0,0,0,0,0,1,0,0 -"155",0,0,0,0,0,125,-3475,125,-3475,-3475,-1450,37,33366,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-3475,0,0,0,0,1,0,0,0,0,0,1,0,0 -"156",0,0,0,0,0,3500,2825,3500,2825,2825,7650,30,4860,1,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,2825,0,1,0,0,0,0,0,0,0,1,0,0,0 -"157",0,0,110000,86000,24000,11500,11500,11500,11500,35500,35500,43,55281,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,11500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"158",0,0,45000,36000,9000,1499,-1501,1499,-1501,7499,7499,35,43134,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1501,1,0,0,0,0,1,0,0,0,1,0,0,0 -"159",0,0,45000,30000,15000,199,-7131,199,-7131,7869,9744,38,23850,4,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-7131,1,0,0,1,0,0,0,0,0,0,1,0,0 -"160",49800,0,0,0,0,1899,1499,51699,51299,51299,57299,46,52440,3,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.3533661,51299,0,0,0,0,0,0,1,0,0,0,0,1,0 -"161",0,0,70000,0,70000,100550,99350,100550,99350,169350,169350,62,26880,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,99350,1,0,0,1,0,0,0,0,0,0,0,0,1 -"162",0,0,30000,28000,2000,0,-950,0,-950,1050,3550,37,30405,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-950,1,0,0,0,1,0,0,0,0,0,1,0,0 -"163",22071,0,250000,150000,100000,11498,11498,33569,33569,133569,363569,44,32205,5,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,33569,1,0,0,0,1,0,0,0,0,0,1,0,0 -"164",0,0,34010,20000,14010,400,400,400,400,14410,15410,30,21036,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"165",0,0,0,0,0,300,-1700,2000,0,0,3200,27,12930,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"166",0,0,150000,112000,38000,4999,4799,4999,4799,42799,45099,38,43020,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4799,1,0,0,0,0,1,0,0,0,0,1,0,0 -"167",0,0,30000,0,30000,0,0,0,0,30000,30000,38,8160,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"168",0,0,0,0,0,5,5,5,5,5,5,33,19200,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,5,0,0,1,0,0,0,0,0,0,1,0,0,0 -"169",0,0,0,0,0,402,-3386,402,-3386,-3386,-3386,29,16902,7,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-3386,0,0,1,0,0,0,0,0,1,0,0,0,0 -"170",0,0,210000,130000,80000,14880,13176,14880,13176,93176,103137,33,52476,1,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,13176,1,0,0,0,0,0,1,0,0,1,0,0,0 -"171",0,0,85000,65000,20000,0,0,0,0,20000,20000,25,27120,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"172",0,0,30000,15600,14400,50,-150,50,-150,14250,16650,36,12636,7,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,-150,1,0,1,0,0,0,0,0,0,0,1,0,0 -"173",0,0,0,0,0,3000,3000,3000,3000,3000,3500,58,13440,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"174",0,0,130000,32500,97500,43999,30814,43999,30814,128314,128314,35,57828,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,30814,1,0,0,0,0,0,1,0,0,1,0,0,0 -"175",0,0,20000,12000,8000,0,0,0,0,8000,8000,27,12954,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"176",0,0,58000,0,58000,250,250,250,250,58250,61600,57,39312,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,250,1,0,0,0,1,0,0,0,0,0,0,0,1 -"177",0,0,0,0,0,0,0,0,0,0,0,45,2400,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"178",0,0,0,0,0,5000,-600,5000,-600,-600,6453,27,64980,1,13,1,0,1,0,1,0,0,0,0,0,1,0,6,3,0.5906146,-600,0,0,0,0,0,0,1,0,1,0,0,0,0 -"179",0,0,56000,10000,46000,1950,-50,1950,-50,45950,48450,60,17544,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-50,1,0,1,0,0,0,0,0,0,0,0,0,1 -"180",0,0,0,0,0,100,100,100,100,100,100,46,14040,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,100,0,0,1,0,0,0,0,0,0,0,0,1,0 -"181",0,0,10000,0,10000,20,20,20,20,10020,10020,30,19980,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,20,1,0,1,0,0,0,0,0,0,1,0,0,0 -"182",0,0,0,0,0,2400,-2100,2400,-2100,-2100,2966,25,24120,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"183",0,0,0,0,0,8000,8000,8000,8000,8000,13000,28,24051,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,8000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"184",9000,0,165000,125000,40000,3000,2700,12000,11700,51700,51700,40,52350,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,11700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"185",0,0,0,0,0,800,800,800,800,800,800,35,21012,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"186",0,0,85000,0,85000,1000,1000,1000,1000,86000,86000,40,56994,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"187",0,0,0,0,0,0,0,0,0,0,3350,30,26394,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"188",0,0,0,0,0,0,0,0,0,0,0,30,11220,3,3,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"189",0,0,0,0,0,90,-1310,90,-1310,-1310,21190,46,29232,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1310,0,0,0,1,0,0,0,0,0,0,0,1,0 -"190",0,0,175000,150000,25000,0,-250,0,-250,24750,184750,56,29700,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-250,1,0,0,1,0,0,0,0,0,0,0,0,1 -"191",4700,0,135000,9500,125500,10246,7246,14946,11946,137446,137446,45,68457,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,11946,1,0,0,0,0,0,1,0,0,0,0,1,0 -"192",0,0,0,0,0,0,-4300,0,-4300,-4300,3700,36,10944,4,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-4300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"193",0,0,47000,35000,12000,31799,31699,31799,31699,43699,43699,28,39336,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,31699,1,0,0,0,1,0,0,0,1,0,0,0,0 -"194",7000,0,257000,132000,125000,4000,4000,11000,11000,136000,337000,61,28050,2,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,11000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"195",0,0,25000,0,25000,400,400,400,400,25400,27000,60,23244,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"196",0,0,77400,75000,2400,17445,15645,17445,15645,18045,20545,29,31548,6,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,15645,1,0,0,0,1,0,0,0,1,0,0,0,0 -"197",0,0,0,0,0,34,-9716,34,-9716,-9716,-9716,33,24840,7,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-9716,0,0,0,1,0,0,0,0,0,1,0,0,0 -"198",0,0,0,0,0,5200,-7800,16078,3078,3078,12078,47,66021,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-7800,0,0,0,0,0,0,1,0,0,0,0,1,0 -"199",0,0,135000,37000,98000,18796,17496,18796,17496,115496,115496,58,51981,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,17496,1,0,0,0,0,0,1,0,0,0,0,0,1 -"200",0,0,30000,28000,2000,1649,149,1649,149,2149,2149,32,19659,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,149,1,0,1,0,0,0,0,0,0,1,0,0,0 -"201",20000,0,80000,0,80000,195141,195121,215141,215121,295121,459121,61,45444,2,13,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,215121,1,0,0,0,0,1,0,0,0,0,0,0,1 -"202",0,0,0,0,0,300,300,300,300,300,800,64,9642,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 -"203",0,0,30000,15000,15000,5150,3550,5150,3550,18550,21425,57,34410,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,3550,1,0,0,0,1,0,0,0,0,0,0,0,1 -"204",0,0,55000,54000,1000,100,-1900,100,-1900,-900,5100,29,26784,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1900,1,0,0,1,0,0,0,0,1,0,0,0,0 -"205",10800,0,63000,45000,18000,1300,861,12100,11661,29661,39661,40,24261,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,11661,1,0,0,1,0,0,0,0,0,0,1,0,0 -"206",0,0,0,0,0,50,-21450,50,-21450,-21450,-12407,41,26901,2,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-21450,0,0,0,1,0,0,0,0,0,0,1,0,0 -"207",4400,0,200000,50000,150000,4350,4350,8750,8750,158750,167493,43,32106,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,8750,1,0,0,0,1,0,0,0,0,0,1,0,0 -"208",7210,0,125000,99900,25100,23992,23692,31202,30902,56002,122064,44,46815,3,17,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,30902,1,0,0,0,0,1,0,0,0,0,1,0,0 -"209",0,0,85000,79000,6000,4250,2750,4250,2750,8750,8750,32,43560,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,2750,1,0,0,0,0,1,0,0,0,1,0,0,0 -"210",0,0,0,0,0,8299,7299,8299,7299,7299,11049,42,47265,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,7299,0,0,0,0,0,1,0,0,0,0,1,0,0 -"211",0,0,75000,70015,4985,5800,5600,5800,5600,10585,18585,26,58260,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,5600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"212",0,0,0,0,0,16350,9950,16350,9950,9950,10700,33,22560,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,9950,0,0,0,1,0,0,0,0,0,1,0,0,0 -"213",1700,0,40000,60000,-20000,700,550,2400,2250,-17750,-15750,26,40608,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,2250,1,0,0,0,0,1,0,0,1,0,0,0,0 -"214",4000,0,95000,30000,65000,22600,22600,26600,26600,91600,91600,38,80550,2,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,26600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"215",0,0,0,0,0,40,-4960,40,-4960,-4960,1056,27,17004,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-4960,0,0,1,0,0,0,0,0,1,0,0,0,0 -"216",0,0,0,0,0,10000,4000,10000,4000,4000,8200,25,34170,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,4000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"217",0,0,120000,70000,50000,2000,600,2000,600,50600,50600,56,24819,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,0,1 -"218",0,0,60000,32000,28000,0,-300,0,-300,27700,28200,55,10800,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-300,1,0,1,0,0,0,0,0,0,0,0,0,1 -"219",0,0,0,0,0,2000,0,2000,0,0,0,29,26514,2,15,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.4366938,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"220",0,0,43000,17500,25500,1000,900,1000,900,26400,26400,44,15198,3,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"221",0,0,0,0,0,9645,9645,9645,9645,9645,15070,33,22050,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,9645,0,0,0,1,0,0,0,0,0,1,0,0,0 -"222",0,0,0,0,0,400,-400,400,-400,-400,-400,63,11877,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,0,0,1 -"223",0,0,0,0,0,499,499,499,499,499,499,40,18030,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,499,0,0,1,0,0,0,0,0,0,0,1,0,0 -"224",0,0,45000,18500,26500,30,30,30,30,26530,26530,56,7920,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,30,1,1,0,0,0,0,0,0,0,0,0,0,1 -"225",0,0,40000,25500,14500,200,-500,200,-500,14000,14000,50,19302,6,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"226",7000,0,200000,34000,166000,3200,-6100,10200,900,166900,176900,52,35409,2,6,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"227",0,0,0,0,0,5510,5010,5510,5010,5010,5010,50,32940,3,12,1,1,0,0,1,0,0,0,0,1,0,0,4,2,0.5896286,5010,0,0,0,0,1,0,0,0,0,0,0,1,0 -"228",3000,0,125000,32000,93000,1500,500,4500,3500,96500,103075,40,21315,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,3500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"229",2000,0,0,0,0,47500,46800,49500,48800,48800,48800,26,86820,1,18,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.3313638,48800,0,0,0,0,0,0,0,1,1,0,0,0,0 -"230",0,0,0,0,0,0,-3000,0,-3000,-3000,-2500,26,3450,1,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-3000,0,1,0,0,0,0,0,0,1,0,0,0,0 -"231",0,0,70000,56000,14000,20949,20949,20949,20949,34949,42449,26,27975,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,20949,1,0,0,1,0,0,0,0,1,0,0,0,0 -"232",0,0,27000,11000,16000,0,-2000,0,-2000,14000,14000,40,3696,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-2000,1,1,0,0,0,0,0,0,0,0,1,0,0 -"233",0,0,0,0,0,10800,9800,10800,9800,9800,9800,28,56082,2,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,9800,0,0,0,0,0,0,1,0,1,0,0,0,0 -"234",0,0,40000,34000,6000,2200,2030,2200,2030,8030,8530,47,18069,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,2030,1,0,1,0,0,0,0,0,0,0,0,1,0 -"235",0,0,0,0,0,0,0,0,0,0,0,37,22950,7,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"236",0,0,120000,30000,90000,20461,20283,20461,20283,110283,121695,63,27540,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,20283,1,0,0,1,0,0,0,0,0,0,0,0,1 -"237",0,0,0,0,0,100,-1400,100,-1400,-1400,-900,31,17604,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"238",0,0,0,0,0,5800,-1700,5800,-1700,-1700,4096,29,39051,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"239",0,0,0,0,0,3108,2758,3108,2758,2758,2758,34,96174,5,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,2758,0,0,0,0,0,0,0,1,0,1,0,0,0 -"240",0,0,200000,150000,50000,2499,2499,2499,2499,52499,53499,28,47070,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2499,1,0,0,0,0,1,0,0,1,0,0,0,0 -"241",0,0,65000,36000,29000,41,41,41,41,29041,29041,48,37848,4,17,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,41,1,0,0,0,1,0,0,0,0,0,0,1,0 -"242",0,0,0,0,0,0,-13144,0,-13144,-13144,-10644,44,21000,7,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-13144,0,0,0,1,0,0,0,0,0,0,1,0,0 -"243",0,0,50000,15000,35000,0,-650,0,-650,34350,36850,54,4686,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-650,1,1,0,0,0,0,0,0,0,0,0,1,0 -"244",0,0,175000,91000,84000,2000,800,2000,800,84800,89925,42,24600,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,800,1,0,0,1,0,0,0,0,0,0,1,0,0 -"245",8200,0,110000,0,110000,44000,44000,52200,52200,162200,162200,56,22464,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,52200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"246",0,0,175000,80000,95000,0,-8000,0,-8000,87000,87500,37,28500,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"247",0,0,0,0,0,0,0,0,0,0,0,54,10440,2,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"248",0,0,30000,0,30000,0,-700,0,-700,29300,29300,59,13332,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-700,1,0,1,0,0,0,0,0,0,0,0,0,1 -"249",0,0,0,0,0,0,0,0,0,0,0,40,17136,4,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"250",31000,0,35000,0,35000,17898,17528,48898,48528,83528,92528,58,63360,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,48528,1,0,0,0,0,0,1,0,0,0,0,0,1 -"251",4500,0,62000,62000,0,5700,5700,10200,10200,10200,10295,46,27978,3,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,10200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"252",0,0,0,0,0,700,-7800,700,-7800,-7800,7200,28,43146,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-7800,0,0,0,0,0,1,0,0,1,0,0,0,0 -"253",0,0,25000,20000,5000,5,-1795,5,-1795,3205,4005,48,10338,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1795,1,0,1,0,0,0,0,0,0,0,0,1,0 -"254",0,0,120000,0,120000,2000,2000,2000,2000,122000,123850,42,19152,2,18,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,2000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"255",1000,0,0,0,0,1050,-2200,2050,-1200,-1200,29800,27,58320,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,-1200,0,0,0,0,0,0,1,0,1,0,0,0,0 -"256",0,0,12000,0,12000,3450,3325,3450,3325,15325,18675,43,11460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,3325,1,0,1,0,0,0,0,0,0,0,1,0,0 -"257",0,0,0,0,0,300,-400,300,-400,-400,2475,26,13818,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"258",0,0,38000,30000,8000,20,-2430,20,-2430,5570,8570,35,26640,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2430,1,0,0,1,0,0,0,0,0,1,0,0,0 -"259",0,0,0,0,0,13050,13050,13050,13050,13050,18300,29,17079,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,13050,0,0,1,0,0,0,0,0,1,0,0,0,0 -"260",0,0,0,0,0,500,-16000,500,-16000,-16000,-8000,34,57021,3,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-16000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"261",2000,0,0,0,0,27000,27000,29000,29000,29000,34493,29,12690,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,29000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"262",0,0,0,0,0,3600,-3900,3600,-3900,-3900,3100,27,58446,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-3900,0,0,0,0,0,0,1,0,1,0,0,0,0 -"263",0,0,90000,0,90000,2999,-3001,2999,-3001,86999,162999,35,34836,5,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-3001,1,0,0,0,1,0,0,0,0,1,0,0,0 -"264",0,0,105000,0,105000,1500,1400,1500,1400,106400,239350,63,25548,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"265",0,0,0,0,0,0,0,0,0,0,0,30,13110,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"266",6700,0,300000,150000,150000,529,529,7229,7229,157229,157229,46,18918,2,12,1,1,0,0,1,0,0,1,0,1,0,0,2,2,0.273258,7229,1,0,1,0,0,0,0,0,0,0,0,1,0 -"267",4000,0,199999,55000,144999,23749,17149,27749,21149,166148,182701,40,39201,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,21149,1,0,0,0,1,0,0,0,0,0,1,0,0 -"268",2900,0,43000,39000,4000,100,-10900,3000,-8000,-4000,-2500,39,36984,1,18,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,-8000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"269",0,0,35000,0,35000,146249,144749,146249,144749,179749,186749,61,34737,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,144749,1,0,0,0,1,0,0,0,0,0,0,0,1 -"270",0,0,75000,0,75000,1200,1200,1200,1200,76200,76700,32,29700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1200,1,0,0,1,0,0,0,0,0,1,0,0,0 -"271",0,0,32000,0,32000,450,-10550,450,-10550,21450,21450,44,22248,8,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-10550,1,0,0,1,0,0,0,0,0,0,1,0,0 -"272",2500,0,140000,81000,59000,5049,3549,7549,6049,65049,77049,44,67602,7,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6049,1,0,0,0,0,0,1,0,0,0,1,0,0 -"273",0,0,33500,33500,0,230,-21070,230,-21070,-21070,-15696,27,33453,3,16,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-21070,1,0,0,0,1,0,0,0,1,0,0,0,0 -"274",0,0,0,0,0,3000,2900,3000,2900,2900,3400,42,69375,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,2900,0,0,0,0,0,0,1,0,0,0,1,0,0 -"275",0,0,180000,66500,113500,1250,50,1250,50,113550,118550,40,42633,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,50,1,0,0,0,0,1,0,0,0,0,1,0,0 -"276",785,0,80000,30000,50000,40115,40115,40900,40900,90900,90900,45,70755,2,17,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,40900,1,0,0,0,0,0,1,0,0,0,0,1,0 -"277",0,0,0,0,0,0,0,0,0,0,4225,25,13320,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"278",0,0,300000,150000,150000,1000,1000,1000,1000,151000,151000,34,102996,3,18,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"279",0,0,32000,21000,11000,395,-11635,395,-11635,-635,7665,37,34803,5,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-11635,1,0,0,0,1,0,0,0,0,0,1,0,0 -"280",0,0,0,0,0,0,0,0,0,0,0,30,6471,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"281",1000,0,0,0,0,250,250,1250,1250,1250,8585,37,19455,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3268128,1250,0,0,1,0,0,0,0,0,0,0,1,0,0 -"282",16850,0,85000,0,85000,26598,26561,43448,43411,128411,136011,61,39081,2,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,43411,1,0,0,0,1,0,0,0,0,0,0,0,1 -"283",0,0,0,0,0,0,0,0,0,0,3350,51,15000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"284",0,0,0,0,0,830,230,830,230,230,13230,35,24144,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,230,0,0,0,1,0,0,0,0,0,1,0,0,0 -"285",0,0,252000,150000,102000,3010,-23990,3010,-23990,78010,78010,48,52206,7,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-23990,1,0,0,0,0,0,1,0,0,0,0,1,0 -"286",15918,0,0,0,0,39257,39257,55175,55175,55175,55175,38,23877,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,55175,0,0,0,1,0,0,0,0,0,0,1,0,0 -"287",0,0,60000,17400,42600,5,-7100,5,-7100,35500,38500,43,59208,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"288",0,0,145000,103000,42000,46500,46500,46500,46500,88500,91000,33,41712,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,46500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"289",0,0,78000,78000,0,1370,1370,1370,1370,1370,40370,49,46791,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,1370,1,0,0,0,0,1,0,0,0,0,0,1,0 -"290",63000,0,160000,40000,120000,648,648,63648,63648,183648,183648,40,54261,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,63648,1,0,0,0,0,0,1,0,0,0,1,0,0 -"291",0,0,0,0,0,0,0,0,0,0,0,29,16491,5,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"292",0,0,0,0,0,1125,-1875,1125,-1875,-1875,625,27,13215,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1875,0,0,1,0,0,0,0,0,1,0,0,0,0 -"293",0,0,95000,62000,33000,62800,62550,62800,62550,95550,98050,37,53835,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,62550,1,0,0,0,0,0,1,0,0,0,1,0,0 -"294",0,0,80000,58000,22000,340,-3160,340,-3160,18840,44840,42,29298,4,15,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-3160,1,0,0,1,0,0,0,0,0,0,1,0,0 -"295",0,0,0,0,0,0,0,0,0,0,0,25,16278,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"296",0,0,6000,0,6000,1202,1046,1202,1046,7046,7796,27,10857,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1046,1,0,1,0,0,0,0,0,1,0,0,0,0 -"297",0,0,45000,35000,10000,599,599,599,599,10599,10599,39,47937,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,599,1,0,0,0,0,1,0,0,0,0,1,0,0 -"298",0,0,80000,0,80000,449,-1551,449,-1551,78449,82024,52,16590,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1551,1,0,1,0,0,0,0,0,0,0,0,1,0 -"299",0,0,0,0,0,399,-3801,399,-3801,-3801,7399,30,44424,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-3801,0,0,0,0,0,1,0,0,0,1,0,0,0 -"300",0,0,0,0,0,49,49,49,49,49,49,25,11733,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,49,0,0,1,0,0,0,0,0,1,0,0,0,0 -"301",0,0,55000,40000,15000,0,-2500,0,-2500,12500,12500,29,36885,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"302",0,0,90000,0,90000,75299,75299,75299,75299,165299,165299,58,33510,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,75299,1,0,0,0,1,0,0,0,0,0,0,0,1 -"303",2250,0,65000,31000,34000,75,75,2325,2325,36325,44600,37,19440,1,12,1,0,1,0,1,0,0,1,0,1,0,0,2,2,0.3108636,2325,1,0,1,0,0,0,0,0,0,0,1,0,0 -"304",10000,0,0,0,0,21000,17000,33000,29000,29000,56596,48,59256,2,17,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.3107966,27000,0,0,0,0,0,0,1,0,0,0,0,1,0 -"305",2000,0,95000,72000,23000,15000,5000,17000,7000,30000,31600,45,50328,2,14,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.4868788,7000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"306",15000,0,75000,0,75000,40999,40499,55999,55499,130499,130499,55,31014,2,16,1,1,0,0,1,0,0,1,0,0,0,1,4,4,0.5449064,55499,1,0,0,0,1,0,0,0,0,0,0,0,1 -"307",0,0,88000,88000,0,2499,-2801,2499,-2801,-2801,2199,53,40926,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2801,1,0,0,0,0,1,0,0,0,0,0,1,0 -"308",0,0,35000,15300,19700,270,-13930,270,-13930,5770,5980,44,15603,2,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-13930,1,0,1,0,0,0,0,0,0,0,1,0,0 -"309",0,0,72000,64000,8000,1650,1500,1650,1500,9500,22166,33,24060,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"310",0,0,0,0,0,100,-4900,100,-4900,-4900,3175,48,12513,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4900,0,0,1,0,0,0,0,0,0,0,0,1,0 -"311",0,0,0,0,0,0,-1700,0,-1700,-1700,-1050,28,11688,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"312",17370,0,80000,40000,40000,1699,-1301,19069,16069,56069,59569,39,45762,4,17,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,16069,1,0,0,0,0,1,0,0,0,0,1,0,0 -"313",10000,0,100000,0,100000,13000,12350,23000,22350,122350,137650,37,55560,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,22350,1,0,0,0,0,0,1,0,0,0,1,0,0 -"314",6000,0,170000,145000,25000,1400,1000,7400,7000,32000,36000,28,30879,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,7000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"315",0,0,0,0,0,800,-1800,800,-1800,-1800,-1050,28,27030,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"316",30000,0,8000,0,8000,2148,2148,32148,32148,40148,195148,63,87720,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,32148,1,0,0,0,0,0,0,1,0,0,0,0,1 -"317",50000,0,0,0,0,39774,39774,89774,89774,89774,90274,61,29982,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,89774,0,0,0,1,0,0,0,0,0,0,0,0,1 -"318",0,0,0,0,0,0,0,0,0,0,0,39,10350,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"319",0,0,0,0,0,749,749,749,749,749,4099,35,16845,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,749,0,0,1,0,0,0,0,0,0,1,0,0,0 -"320",0,0,58000,7300,50700,0,-5000,0,-5000,45700,51280,46,17100,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"321",0,0,86000,44000,42000,1500,500,1500,500,42500,42500,29,44895,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"322",0,0,0,0,0,3446,3446,3446,3446,3446,3946,47,30720,2,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,3446,0,0,0,0,1,0,0,0,0,0,0,1,0 -"323",1200,0,0,0,0,3270,570,4470,1770,1770,3295,27,29661,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,1770,0,0,0,1,0,0,0,0,1,0,0,0,0 -"324",45300,0,125000,61000,64000,1247,1147,46547,46447,110447,140447,48,73017,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,46447,1,0,0,0,0,0,1,0,0,0,0,1,0 -"325",0,0,106000,106000,0,9449,8649,9449,8649,8649,8649,36,65505,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,8649,1,0,0,0,0,0,1,0,0,0,1,0,0 -"326",0,0,59000,59000,0,0,-1000,0,-1000,-1000,-1000,38,30540,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"327",0,0,0,0,0,0,0,0,0,0,2725,37,9792,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"328",0,0,0,0,0,2000,-13092,2000,-13092,-13092,-9192,26,55311,2,18,1,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-13092,0,0,0,0,0,0,1,0,1,0,0,0,0 -"329",0,0,0,0,0,0,0,0,0,0,50,25,26268,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"330",0,0,21000,0,21000,3720,3720,3720,3720,24720,25220,60,2307,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,3720,1,1,0,0,0,0,0,0,0,0,0,0,1 -"331",50000,0,300000,27000,273000,5083,5023,55083,55023,328023,335685,64,53379,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,55023,1,0,0,0,0,0,1,0,0,0,0,0,1 -"332",0,0,0,0,0,31,-22913,31,-22913,-22913,3087,48,54504,3,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.3598378,-22913,0,0,0,0,0,0,1,0,0,0,0,1,0 -"333",0,0,0,0,0,2115,2115,2115,2115,2115,3015,27,35205,5,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,2115,0,0,0,0,1,0,0,0,1,0,0,0,0 -"334",0,0,0,0,0,0,0,0,0,0,500,28,9408,5,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"335",0,0,0,0,0,392,392,392,392,392,392,32,24840,3,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,392,0,0,0,1,0,0,0,0,0,1,0,0,0 -"336",0,0,0,0,0,65,-1935,65,-1935,-1935,-1935,56,22140,7,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1935,0,0,0,1,0,0,0,0,0,0,0,0,1 -"337",0,0,90000,83000,7000,2499,1499,2499,1499,8499,24499,46,56094,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,1499,1,0,0,0,0,0,1,0,0,0,0,1,0 -"338",0,0,5000,0,5000,2400,2325,2400,2325,7325,9225,30,7275,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,2325,1,1,0,0,0,0,0,0,0,1,0,0,0 -"339",0,0,0,0,0,7500,-33880,7500,-33880,-33880,-33880,27,61125,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-33880,0,0,0,0,0,0,1,0,1,0,0,0,0 -"340",0,0,85000,56000,29000,15210,7210,15210,7210,36210,36210,32,34452,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,7210,1,0,0,0,1,0,0,0,0,1,0,0,0 -"341",0,0,0,0,0,0,0,0,0,0,1850,39,13650,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"342",0,0,0,0,0,75,-4925,75,-4925,-4925,-4925,36,10185,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-4925,0,0,1,0,0,0,0,0,0,0,1,0,0 -"343",9000,0,25000,21000,4000,15300,15300,24300,24300,28300,110898,51,35847,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,24300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"344",0,0,0,0,0,0,0,0,0,0,0,49,16578,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"345",0,0,0,0,0,3000,3000,3000,3000,3000,3000,35,24705,4,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,3000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"346",0,0,0,0,0,6700,4325,6700,4325,4325,9156,25,36042,2,16,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5896286,4325,0,0,0,0,1,0,0,0,1,0,0,0,0 -"347",0,0,12000,0,12000,0,0,0,0,12000,12750,32,18756,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"348",0,0,0,0,0,0,0,0,0,0,1000,25,3876,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"349",4000,0,185000,122000,63000,21000,21000,25000,25000,88000,88000,40,70650,4,15,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,25000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"350",60000,0,106400,0,106400,7266,6808,67266,66808,173208,275008,64,28017,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,66808,1,0,0,1,0,0,0,0,0,0,0,0,1 -"351",0,0,0,0,0,0,0,0,0,0,750,57,23280,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"352",3500,0,120000,16000,104000,7650,6450,11150,9950,113950,121950,50,45015,6,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,9950,1,0,0,0,0,1,0,0,0,0,0,1,0 -"353",0,0,0,0,0,99,99,99,99,99,99,54,26202,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,99,0,0,0,1,0,0,0,0,0,0,0,1,0 -"354",0,0,0,0,0,1500,1500,1500,1500,1500,7950,36,17055,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"355",0,0,8000,4000,4000,0,-7000,0,-7000,-3000,-3000,28,19770,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-7000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"356",0,0,0,0,0,20,-980,20,-980,-980,-980,34,18573,5,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-980,0,0,1,0,0,0,0,0,0,1,0,0,0 -"357",0,0,0,0,0,300,300,300,300,300,300,43,18360,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"358",0,0,0,0,0,699,-501,699,-501,-501,2860,45,15561,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-501,0,0,1,0,0,0,0,0,0,0,0,1,0 -"359",0,0,40000,35500,4500,200,200,200,200,4700,14700,38,28143,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"360",0,0,45000,42000,3000,900,900,900,900,3900,4750,30,33210,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,900,1,0,0,0,1,0,0,0,0,1,0,0,0 -"361",8000,0,60000,18000,42000,100,-3900,8100,4100,46100,55100,49,13200,4,10,0,1,0,0,1,0,0,1,1,0,0,0,2,1,0.1464927,4100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"362",0,0,55000,41000,14000,5800,3750,5800,3750,17750,19145,49,25923,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,3750,1,0,0,1,0,0,0,0,0,0,0,1,0 -"363",11500,0,130000,80000,50000,7399,3399,18899,14899,64899,67899,63,41064,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,14899,1,0,0,0,0,1,0,0,0,0,0,0,1 -"364",86000,0,250000,46000,204000,104000,103400,190000,189400,393400,448400,58,39150,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,189400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"365",0,0,0,0,0,0,-300,0,-300,-300,200,46,2205,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-300,0,1,0,0,0,0,0,0,0,0,0,1,0 -"366",3800,0,30000,30000,0,1150,-350,4950,3450,3450,3450,33,43830,3,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,3450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"367",7220,0,30000,0,30000,13198,13198,20418,20418,50418,50418,51,17616,3,12,1,1,0,0,1,0,0,1,0,1,0,0,2,2,0.273258,20418,1,0,1,0,0,0,0,0,0,0,0,1,0 -"368",8000,0,0,0,0,2850,1850,10850,9850,9850,13333,43,27381,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,9850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"369",0,0,45000,42000,3000,740,-2610,740,-2610,390,8390,40,38760,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2610,1,0,0,0,1,0,0,0,0,0,1,0,0 -"370",0,0,80000,13000,67000,20000,20000,20000,20000,87000,87000,62,30381,2,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,20000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"371",0,0,5000,0,5000,899,-8651,899,-8651,-3651,19699,55,27033,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8651,1,0,0,1,0,0,0,0,0,0,0,0,1 -"372",0,0,0,0,0,2300,-84700,2300,-84700,-84700,-84700,29,28149,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-84700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"373",0,0,0,0,0,749,-1751,749,-1751,-1751,-1751,32,41175,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-1751,0,0,0,0,0,1,0,0,0,1,0,0,0 -"374",0,0,0,0,0,1500,1500,1500,1500,1500,13500,42,24345,3,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"375",0,0,36000,32500,3500,400,400,400,400,3900,10600,56,32376,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"376",0,0,120000,120000,0,249,249,249,249,249,249,31,14931,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,249,1,0,1,0,0,0,0,0,0,1,0,0,0 -"377",0,0,120000,102000,18000,9998,9998,9998,9998,27998,27998,49,39102,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,9998,1,0,0,0,1,0,0,0,0,0,0,1,0 -"378",0,0,60000,43000,17000,0,-7000,0,-7000,10000,15000,52,53955,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"379",14700,0,80000,30000,50000,25299,22579,39999,37279,87279,111363,43,65820,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,37279,1,0,0,0,0,0,1,0,0,0,1,0,0 -"380",0,0,0,0,0,25,-2475,25,-2475,-2475,-2475,30,22236,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2475,0,0,0,1,0,0,0,0,0,1,0,0,0 -"381",0,0,70000,0,70000,0,0,0,0,70000,70000,35,37548,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"382",0,0,25000,16550,8450,4,4,4,4,8454,8454,47,17172,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,4,1,0,1,0,0,0,0,0,0,0,0,1,0 -"383",0,0,46000,46000,0,10029,10029,10029,10029,10029,12279,30,21306,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,10029,1,0,0,1,0,0,0,0,0,1,0,0,0 -"384",0,0,8000,8000,0,0,0,0,0,0,500,25,27030,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"385",0,0,35000,14000,21000,4000,4000,4000,4000,25000,30000,36,29160,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"386",0,0,100000,55000,45000,100,-700,100,-700,44300,56300,36,20280,5,10,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.273178,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"387",0,0,0,0,0,5650,5650,5650,5650,5650,5650,57,4680,1,18,1,0,0,0,1,0,0,0,0,0,0,1,1,4,0.3021799,5650,0,1,0,0,0,0,0,0,0,0,0,0,1 -"388",0,0,130000,61000,69000,2600,2550,2600,2550,71550,71550,36,77940,4,15,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,2550,1,0,0,0,0,0,0,1,0,0,1,0,0 -"389",0,0,20000,28000,-8000,0,-1400,0,-1400,-9400,-9400,28,22680,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1400,1,0,0,1,0,0,0,0,1,0,0,0,0 -"390",8700,0,145000,0,145000,5428,5128,14128,13828,158828,167746,62,31692,2,8,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,13828,1,0,0,0,1,0,0,0,0,0,0,0,1 -"391",5000,0,170000,107000,63000,5100,1600,10100,6600,69600,72600,44,37500,1,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,6600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"392",0,0,33750,33750,0,644,-7156,644,-7156,-7156,-922,27,8826,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,-7156,1,1,0,0,0,0,0,0,1,0,0,0,0 -"393",16500,0,175000,32000,143000,5200,5200,21700,21700,164700,164700,48,32325,3,12,1,1,1,0,1,0,0,1,0,1,0,0,4,2,0.5449064,21700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"394",0,0,0,0,0,128,-5226,128,-5226,-5226,-5226,48,11913,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-5226,0,0,1,0,0,0,0,0,0,0,0,1,0 -"395",0,0,0,0,0,0,-40,0,-40,-40,4371,49,15570,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-40,0,0,1,0,0,0,0,0,0,0,0,1,0 -"396",2500,0,85000,0,85000,2672,672,5172,3172,88172,88172,43,29898,4,15,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,3172,1,0,0,1,0,0,0,0,0,0,1,0,0 -"397",0,0,0,0,0,0,0,0,0,0,0,45,13428,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"398",0,0,0,0,0,11502,7501,11502,7501,7501,16076,39,25770,2,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,7501,0,0,0,1,0,0,0,0,0,0,1,0,0 -"399",0,0,300000,55000,245000,27349,27349,27349,27349,272349,272349,27,44640,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,27349,1,0,0,0,0,1,0,0,1,0,0,0,0 -"400",0,0,65000,0,65000,200,-300,200,-300,64700,71700,39,20760,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"401",0,0,0,0,0,100,-2550,100,-2550,-2550,-2225,31,12240,2,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-2550,0,0,1,0,0,0,0,0,0,1,0,0,0 -"402",0,0,102000,102000,0,238,-1062,238,-1062,-1062,-562,29,16236,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1062,1,0,1,0,0,0,0,0,1,0,0,0,0 -"403",0,0,120000,0,120000,4900,4900,4900,4900,124900,124900,58,28440,2,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,4900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"404",0,0,90000,83000,7000,1000,-6400,1000,-6400,600,8800,26,36090,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-6400,1,0,0,0,1,0,0,0,1,0,0,0,0 -"405",0,0,58000,15000,43000,4450,3450,4450,3450,46450,46450,50,27,3,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.062312,3450,1,1,0,0,0,0,0,0,0,0,0,1,0 -"406",0,0,15000,8000,7000,1200,1200,1200,1200,8200,17900,29,18540,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,1200,1,0,1,0,0,0,0,0,1,0,0,0,0 -"407",0,0,60000,55000,5000,410,110,410,110,5110,5110,28,41130,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,110,1,0,0,0,0,1,0,0,1,0,0,0,0 -"408",0,0,150000,75000,75000,200,200,200,200,75200,75200,58,20490,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"409",0,0,20000,6000,14000,125,-275,125,-275,13725,15075,41,15642,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-275,1,0,1,0,0,0,0,0,0,0,1,0,0 -"410",0,0,0,0,0,0,0,0,0,0,0,52,14040,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"411",0,0,75000,0,75000,53699,53699,53699,53699,128699,128699,55,54963,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,53699,1,0,0,0,0,0,1,0,0,0,0,0,1 -"412",0,0,0,0,0,1137,-1563,1137,-1563,-1563,37,30,33219,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-1563,0,0,0,0,1,0,0,0,0,1,0,0,0 -"413",0,0,160000,111500,48500,27196,27196,27196,27196,75696,120946,57,49509,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,27196,1,0,0,0,0,1,0,0,0,0,0,0,1 -"414",0,0,0,0,0,125,-150,125,-150,-150,3200,25,10161,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-150,0,0,1,0,0,0,0,0,1,0,0,0,0 -"415",0,0,90000,61000,29000,5000,5000,5000,5000,34000,40375,35,11628,3,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,5000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"416",11694,0,0,0,0,11982,10533,23676,22227,22227,93326,38,35247,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6739899,22227,0,0,0,0,1,0,0,0,0,0,1,0,0 -"417",0,0,0,0,0,225,225,225,225,225,225,41,39630,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,225,0,0,0,0,1,0,0,0,0,0,1,0,0 -"418",0,0,0,0,0,200,200,200,200,200,700,32,21399,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"419",4000,0,0,0,0,7549,4549,11549,8549,8549,8549,56,33477,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,8549,0,0,0,0,1,0,0,0,0,0,0,0,1 -"420",0,0,0,0,0,4999,4999,4999,4999,4999,6499,35,34647,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,4999,0,0,0,0,1,0,0,0,0,1,0,0,0 -"421",0,0,225000,13000,212000,70000,66700,70000,66700,278700,336200,58,100329,3,15,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,66700,1,0,0,0,0,0,0,1,0,0,0,0,1 -"422",0,0,48000,32000,16000,2150,550,2150,550,16550,16550,31,20526,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,550,1,0,0,1,0,0,0,0,0,1,0,0,0 -"423",26500,0,145000,145000,0,106300,104850,132800,131350,131350,241350,43,73710,2,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,131350,1,0,0,0,0,0,1,0,0,0,1,0,0 -"424",0,0,55000,0,55000,57050,55600,57050,55600,110600,110600,59,47064,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,55600,1,0,0,0,0,1,0,0,0,0,0,0,1 -"425",25000,0,210000,137000,73000,9000,9000,137000,137000,210000,216000,39,54900,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,34000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"426",0,0,60000,0,60000,2999,2999,2999,2999,62999,62999,56,16092,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"427",0,0,58000,47500,10500,13004,9004,13004,9004,19504,52504,42,28554,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,9004,1,0,0,1,0,0,0,0,0,0,1,0,0 -"428",0,0,125000,68000,57000,2550,-3375,2550,-3375,53625,53625,33,38136,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3375,1,0,0,0,1,0,0,0,0,1,0,0,0 -"429",0,0,60000,12000,48000,0,-1200,0,-1200,46800,80300,40,24084,6,5,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"430",0,0,100000,50900,49100,15226,12726,15226,12726,61826,61826,38,85092,4,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,12726,1,0,0,0,0,0,0,1,0,0,1,0,0 -"431",307,0,135000,75000,60000,3092,3092,3399,3399,63399,63899,36,15645,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.1320933,3399,1,0,1,0,0,0,0,0,0,0,1,0,0 -"432",0,0,95000,62000,33000,15000,7200,15000,7200,40200,57000,46,35610,2,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"433",0,0,0,0,0,12000,12000,12000,12000,12000,12000,25,44070,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,12000,0,0,0,0,0,1,0,0,1,0,0,0,0 -"434",0,0,0,0,0,1000,1000,1000,1000,1000,1000,36,14460,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"435",0,0,75000,15500,59500,14049,13239,14049,13239,72739,72739,62,30429,2,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,13239,1,0,0,0,1,0,0,0,0,0,0,0,1 -"436",8975,0,110000,40000,70000,972,-1628,9947,7347,77347,82477,44,44934,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,7347,1,0,0,0,0,1,0,0,0,0,1,0,0 -"437",0,0,8000,0,8000,12400,12400,12400,12400,20400,65400,31,23550,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,12400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"438",0,0,20000,4000,16000,0,-1260,0,-1260,14740,17740,33,14280,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1260,1,0,1,0,0,0,0,0,0,1,0,0,0 -"439",12000,0,70000,0,70000,25000,24400,37000,36400,106400,112050,45,28875,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,36400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"440",0,0,100000,53500,46500,800,-1200,800,-1200,45300,46800,56,37755,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,0,0,0,0,1 -"441",0,0,0,0,0,0,-465,0,-465,-465,1535,35,8670,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-465,0,1,0,0,0,0,0,0,0,1,0,0,0 -"442",0,0,14000,10000,4000,250,-3250,250,-3250,750,750,35,6000,2,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-3250,1,1,0,0,0,0,0,0,0,1,0,0,0 -"443",0,0,50000,20800,29200,100,-11400,100,-11400,17800,22800,28,21891,5,13,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-11400,1,0,0,1,0,0,0,0,1,0,0,0,0 -"444",0,0,22000,7200,14800,150,-3250,150,-3250,11550,14325,46,15144,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-3250,1,0,1,0,0,0,0,0,0,0,0,1,0 -"445",0,0,0,0,0,153,-15047,153,-15047,-15047,-7047,31,7320,2,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-15047,0,1,0,0,0,0,0,0,0,1,0,0,0 -"446",0,0,0,0,0,20,20,20,20,20,2520,32,12243,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,20,0,0,1,0,0,0,0,0,0,1,0,0,0 -"447",0,0,0,0,0,182,182,182,182,182,182,32,10929,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,182,0,0,1,0,0,0,0,0,0,1,0,0,0 -"448",0,0,42000,41129,871,27,-7773,27,-7773,-6902,-4852,47,10590,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7773,1,0,1,0,0,0,0,0,0,0,0,1,0 -"449",0,0,0,0,0,50025,50025,50025,50025,50025,50025,29,64560,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,50025,0,0,0,0,0,0,1,0,1,0,0,0,0 -"450",0,0,80000,21000,59000,1400,1400,1400,1400,60400,63575,59,18936,3,8,1,1,1,0,1,0,0,0,1,0,0,0,2,1,0.3623197,1400,1,0,1,0,0,0,0,0,0,0,0,0,1 -"451",9300,0,120000,0,120000,79450,79450,88750,88750,208750,220250,54,34035,1,16,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,88750,1,0,0,0,1,0,0,0,0,0,0,1,0 -"452",0,0,35000,15000,20000,649,-11351,649,-11351,8649,21149,35,16077,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-11351,1,0,1,0,0,0,0,0,0,1,0,0,0 -"453",0,0,0,0,0,0,0,0,0,0,0,42,7470,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"454",0,0,60000,0,60000,0,0,0,0,60000,60000,51,16350,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"455",0,0,270000,125000,145000,10000,4600,10000,4600,149600,149600,32,50970,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,4600,1,0,0,0,0,0,1,0,0,1,0,0,0 -"456",0,0,60000,40000,20000,650,50,650,50,20050,22550,43,39612,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,50,1,0,0,0,1,0,0,0,0,0,1,0,0 -"457",0,0,73500,57500,16000,2830,2830,2830,2830,18830,18830,32,35832,4,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,2830,1,0,0,0,1,0,0,0,0,1,0,0,0 -"458",0,0,0,0,0,560,-3440,560,-3440,-3440,560,28,19152,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-3440,0,0,1,0,0,0,0,0,1,0,0,0,0 -"459",0,0,90000,0,90000,350,-1750,350,-1750,88250,90750,29,14892,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1750,1,0,1,0,0,0,0,0,1,0,0,0,0 -"460",0,0,40000,20000,20000,825,-975,825,-975,19025,23325,34,19362,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-975,1,0,1,0,0,0,0,0,0,1,0,0,0 -"461",0,0,135000,107500,27500,4100,2100,4100,2100,29600,35475,32,21306,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,2100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"462",0,0,29000,29000,0,1200,1200,1200,1200,1200,6200,26,24348,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,1200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"463",0,0,0,0,0,35597,23997,35597,23997,23997,192797,38,2661,1,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,23997,0,1,0,0,0,0,0,0,0,0,1,0,0 -"464",0,0,70000,49000,21000,0,0,0,0,21000,21000,41,12000,5,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"465",0,0,25000,22000,3000,0,-3000,0,-3000,0,0,49,24882,3,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-3000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"466",0,0,0,0,0,3,-627,3,-627,-627,-627,36,12750,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-627,0,0,1,0,0,0,0,0,0,0,1,0,0 -"467",4000,0,0,0,0,1599,1499,5599,5499,5499,13174,64,18090,1,9,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,5499,0,0,1,0,0,0,0,0,0,0,0,0,1 -"468",6500,0,200000,25000,175000,6699,6699,13199,13199,188199,188199,53,34191,4,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,13199,1,0,0,0,1,0,0,0,0,0,0,1,0 -"469",0,0,300000,0,300000,122499,122499,122499,122499,422499,430574,61,60150,2,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,122499,1,0,0,0,0,0,1,0,0,0,0,0,1 -"470",0,0,130000,84000,46000,11043,8043,11043,8043,54043,62958,50,54981,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,8043,1,0,0,0,0,0,1,0,0,0,0,1,0 -"471",0,0,0,0,0,200,-14800,200,-14800,-14800,-11300,44,15513,4,15,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-14800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"472",0,0,0,0,0,204,-2796,204,-2796,-2796,-2796,31,12816,7,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-2796,0,0,1,0,0,0,0,0,0,1,0,0,0 -"473",0,0,0,0,0,1999,1999,1999,1999,1999,2499,33,14520,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1999,0,0,1,0,0,0,0,0,0,1,0,0,0 -"474",0,0,30000,0,30000,200,-100,200,-100,29900,29900,61,8382,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-100,1,1,0,0,0,0,0,0,0,0,0,0,1 -"475",0,0,285000,45000,240000,40000,20000,40000,20000,260000,260000,62,14100,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,20000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"476",0,0,0,0,0,3000,3000,3000,3000,3000,3000,41,43410,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,3000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"477",0,0,0,0,0,899,149,899,149,149,149,28,15669,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,149,0,0,1,0,0,0,0,0,1,0,0,0,0 -"478",18000,0,135000,0,135000,159999,157999,177999,175999,310999,329499,63,61476,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,175999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"479",1800,0,0,0,0,2400,1300,4200,3100,3100,4600,30,30210,2,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,3100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"480",0,0,30000,14000,16000,499,499,499,499,16499,16999,45,15780,2,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,499,1,0,1,0,0,0,0,0,0,0,0,1,0 -"481",0,0,0,0,0,0,-2000,0,-2000,-2000,-200,27,8640,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2000,0,1,0,0,0,0,0,0,1,0,0,0,0 -"482",0,0,0,0,0,0,-4000,0,-4000,-4000,-2375,26,18000,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"483",0,0,0,0,0,3900,-8400,3900,-8400,-8400,-8400,31,46800,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-8400,0,0,0,0,0,1,0,0,0,1,0,0,0 -"484",0,0,0,0,0,2100,-4100,2100,-4100,-4100,475,31,29025,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"485",0,0,87000,68000,19000,500,-7000,500,-7000,12000,29000,32,59958,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-7000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"486",0,0,0,0,0,9000,1000,9000,1000,1000,4596,28,25200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"487",0,0,75000,0,75000,0,0,0,0,75000,75000,34,48900,4,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,1,0,0,0 -"488",0,0,38000,38000,0,9,-16122,9,-16122,-16122,-7322,47,23067,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-16122,1,0,0,1,0,0,0,0,0,0,0,1,0 -"489",0,0,0,0,0,100,-1900,100,-1900,-1900,-1400,42,28350,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 -"490",0,0,50000,45000,5000,400,0,400,0,5000,51000,45,50883,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,0,1,0 -"491",0,0,50000,35000,15000,100,-1500,100,-1500,13500,22500,31,30324,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"492",0,0,0,0,0,20,-20,20,-20,-20,-20,30,10272,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-20,0,0,1,0,0,0,0,0,0,1,0,0,0 -"493",0,0,150000,95500,54500,12500,12400,12500,12400,66900,69400,31,50388,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,12400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"494",0,0,0,0,0,199,199,199,199,199,249,44,22692,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,199,0,0,0,1,0,0,0,0,0,0,1,0,0 -"495",0,0,200000,100000,100000,27650,27150,27650,27150,127150,133052,40,42672,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,27150,1,0,0,0,0,1,0,0,0,0,1,0,0 -"496",0,0,48000,35500,12500,59,59,59,59,12559,13559,43,30333,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,59,1,0,0,0,1,0,0,0,0,0,1,0,0 -"497",0,0,25000,0,25000,549,-651,549,-651,24349,24349,52,10968,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-651,1,0,1,0,0,0,0,0,0,0,0,1,0 -"498",0,0,0,0,0,1350,-28650,1800,-28200,-28200,-28200,33,6855,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-28650,0,1,0,0,0,0,0,0,0,1,0,0,0 -"499",0,0,0,0,0,0,-7500,0,-7500,-7500,-4000,34,19890,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"500",6000,0,50000,40000,10000,6550,3500,12550,9500,19500,19500,55,30954,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,9500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"501",0,0,0,0,0,0,-117200,0,-117200,-117200,-117200,39,14790,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-117200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"502",38000,0,60000,16300,43700,5300,4800,43300,42800,86500,86500,53,32559,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,42800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"503",0,0,0,0,0,0,-3600,0,-3600,-3600,-2100,26,2025,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3600,0,1,0,0,0,0,0,0,1,0,0,0,0 -"504",0,0,68000,67000,1000,1000,-3000,1000,-3000,-2000,6000,39,48360,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"505",45000,0,170000,0,170000,180000,180000,225000,225000,395000,409900,38,71703,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,225000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"506",0,0,0,0,0,700,700,700,700,700,5700,34,34800,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"507",0,0,70000,11400,58600,800,400,800,400,59000,77250,64,36798,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"508",0,0,0,0,0,67498,59498,67498,59498,59498,59498,46,64203,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,59498,0,0,0,0,0,0,1,0,0,0,0,1,0 -"509",0,0,0,0,0,1700,-5800,1700,-5800,-5800,1647,25,26610,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-5800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"510",0,0,0,0,0,200,200,200,200,200,200,41,12900,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"511",0,0,0,0,0,0,-220,0,-220,-220,280,56,12723,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-220,0,0,1,0,0,0,0,0,0,0,0,0,1 -"512",0,0,40000,0,40000,430,-12970,430,-12970,27030,27030,44,35034,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-12970,1,0,0,0,1,0,0,0,0,0,1,0,0 -"513",0,0,0,0,0,800,800,800,800,800,800,45,26661,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,800,0,0,0,1,0,0,0,0,0,0,0,1,0 -"514",0,0,0,0,0,175,-11425,175,-11425,-11425,-8425,27,28809,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-11425,0,0,0,1,0,0,0,0,1,0,0,0,0 -"515",0,0,130000,78000,52000,200,-3800,200,-3800,48200,56253,44,34965,3,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-3800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"516",60000,0,125000,106000,19000,4900,400,64900,60400,79400,79400,43,103356,3,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,60400,1,0,0,0,0,0,0,1,0,0,1,0,0 -"517",0,0,0,0,0,4999,4999,4999,4999,4999,4999,49,41100,1,16,0,1,1,0,1,0,0,0,0,0,0,1,5,4,0.3243191,4999,0,0,0,0,0,1,0,0,0,0,0,1,0 -"518",0,0,0,0,0,0,-300,0,-300,-300,-300,61,17430,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,0,0,1 -"519",0,0,22000,0,22000,0,0,0,0,22000,22000,53,13770,3,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"520",0,0,40000,15000,25000,0,0,0,0,25000,26250,52,6282,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"521",0,0,0,0,0,200,-1600,200,-1600,-1600,4943,35,30804,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1600,0,0,0,0,1,0,0,0,0,1,0,0,0 -"522",0,0,0,0,0,3600,100,3600,100,100,850,36,25020,1,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"523",0,0,0,0,0,0,0,0,0,0,500,38,11040,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"524",0,0,0,0,0,50,50,50,50,50,800,29,16800,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 -"525",0,0,0,0,0,500,500,500,500,500,500,57,25008,3,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,500,0,0,0,1,0,0,0,0,0,0,0,0,1 -"526",0,0,25000,7000,18000,0,0,0,0,18000,18000,26,21990,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"527",0,0,150000,130000,20000,19940,19940,19940,19940,39940,39940,33,74568,2,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,19940,1,0,0,0,0,0,1,0,0,1,0,0,0 -"528",0,0,0,0,0,4400,4175,4400,4175,4175,15175,36,63288,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,4175,0,0,0,0,0,0,1,0,0,0,1,0,0 -"529",7250,0,0,0,0,18200,18200,25450,25450,25450,25450,55,55326,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,25450,0,0,0,0,0,0,1,0,0,0,0,0,1 -"530",0,0,32000,18000,14000,106700,104500,106700,104500,118500,118500,42,36489,3,18,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,104500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"531",0,0,0,0,0,330,-27770,330,-27770,-27770,-22838,34,17022,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-27770,0,0,1,0,0,0,0,0,0,1,0,0,0 -"532",0,0,180000,29000,151000,149,99,149,99,151099,157099,43,36000,3,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,99,1,0,0,0,1,0,0,0,0,0,1,0,0 -"533",0,0,0,0,0,800,-200,800,-200,-200,6500,28,26493,5,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"534",0,0,101000,101000,0,1597,-8653,1597,-8653,-8653,-1153,50,37437,2,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-8653,1,0,0,0,1,0,0,0,0,0,0,1,0 -"535",0,0,25000,16000,9000,4900,4900,4900,4900,13900,22025,26,16860,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,4900,1,0,1,0,0,0,0,0,1,0,0,0,0 -"536",0,0,0,0,0,8000,8000,8000,8000,8000,9992,31,14880,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,8000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"537",0,0,112000,100200,11800,14000,-400,14000,-400,11400,11400,33,90306,4,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-400,1,0,0,0,0,0,0,1,0,1,0,0,0 -"538",0,0,0,0,0,0,0,0,0,0,0,44,3825,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"539",0,0,0,0,0,330,330,330,330,330,330,31,15300,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,330,0,0,1,0,0,0,0,0,0,1,0,0,0 -"540",12000,0,0,0,0,100000,98000,112000,110000,110000,110000,39,46791,4,16,0,1,1,0,1,0,0,1,0,0,0,1,5,4,0.3442089,110000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"541",0,0,40000,28000,12000,500,-6200,500,-6200,5800,5800,38,20985,5,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-6200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"542",0,0,30000,0,30000,19999,18499,19999,18499,48499,51299,52,26856,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,18499,1,0,0,1,0,0,0,0,0,0,0,1,0 -"543",0,0,34000,9200,24800,10500,10500,10500,10500,35300,119900,38,41982,4,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,10500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"544",3500,0,80000,73000,7000,27050,26550,30550,30050,37050,37050,46,38925,4,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,30050,1,0,0,0,1,0,0,0,0,0,0,1,0 -"545",6000,0,40000,37000,3000,1250,750,7250,6750,9750,9750,36,22815,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,6750,1,0,0,1,0,0,0,0,0,0,1,0,0 -"546",0,0,0,0,0,3000,0,3000,0,0,12000,47,57924,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.3598378,0,0,0,0,0,0,0,1,0,0,0,0,1,0 -"547",0,0,0,0,0,2000,2000,2000,2000,2000,5500,27,31308,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,2000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"548",0,0,0,0,0,1575,575,1575,575,575,11875,25,17310,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,575,0,0,1,0,0,0,0,0,1,0,0,0,0 -"549",0,0,110000,65000,45000,13600,6540,13600,6540,51540,61840,53,49452,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6540,1,0,0,0,0,1,0,0,0,0,0,1,0 -"550",0,0,28000,0,28000,1,-449,1,-449,27551,43604,36,8640,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-449,1,1,0,0,0,0,0,0,0,0,1,0,0 -"551",0,0,7000,7000,0,0,0,0,0,0,500,26,5280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"552",0,0,0,0,0,0,0,0,0,0,0,31,8670,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"553",0,0,0,0,0,0,-1600,0,-1600,-1600,2400,53,21816,1,10,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-1600,0,0,0,1,0,0,0,0,0,0,0,1,0 -"554",0,0,90000,0,90000,8250,2750,8250,2750,92750,164750,60,58830,2,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,2750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"555",0,0,103000,0,103000,0,-200,0,-200,102800,102800,43,14070,4,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"556",0,0,96065,52000,44065,600,-551,600,-551,43514,50564,49,21648,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-551,1,0,0,1,0,0,0,0,0,0,0,1,0 -"557",0,0,44000,36000,8000,1500,1400,1500,1400,9400,16400,25,37257,2,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,1400,1,0,0,0,1,0,0,0,1,0,0,0,0 -"558",0,0,0,0,0,2000,-8300,2000,-8300,-8300,-7550,42,17952,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-8300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"559",0,0,9000,9000,0,100,-1900,100,-1900,-1900,-1900,31,22011,7,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"560",0,0,50000,42500,7500,0,-1000,0,-1000,6500,8500,48,30240,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"561",0,0,50000,0,50000,5021,5021,5021,5021,55021,55021,54,9600,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,5021,1,1,0,0,0,0,0,0,0,0,0,1,0 -"562",0,0,60000,10000,50000,5935,4035,5935,4035,54035,61287,53,28317,2,11,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,4035,1,0,0,1,0,0,0,0,0,0,0,1,0 -"563",0,0,0,0,0,0,-6000,0,-6000,-6000,-5500,42,16338,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-6000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"564",0,0,0,0,0,0,0,0,0,0,3350,32,19200,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"565",0,0,90650,90650,0,10,-4470,10,-4470,-4470,-4470,42,53205,5,6,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-4470,1,0,0,0,0,0,1,0,0,0,1,0,0 -"566",0,0,50000,0,50000,1700,1100,1700,1100,51100,51100,52,27465,4,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.3978536,1100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"567",0,0,0,0,0,0,0,0,0,0,500,46,4800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"568",0,0,125000,78900,46100,3299,-1701,3299,-1701,44399,46899,39,33300,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1701,1,0,0,0,1,0,0,0,0,0,1,0,0 -"569",56000,0,300000,150000,150000,84000,-16000,140000,40000,190000,300000,46,160200,6,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,40000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"570",260,0,0,0,0,3022,-15978,3282,-15718,-15718,-14718,55,39528,2,10,1,1,1,1,1,0,0,1,1,0,0,0,4,1,0.6044431,-15718,0,0,0,0,1,0,0,0,0,0,0,0,1 -"571",0,0,35000,0,35000,16500,16350,16500,16350,51350,86650,63,25611,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,16350,1,0,0,1,0,0,0,0,0,0,0,0,1 -"572",0,0,0,0,0,83,83,83,83,83,83,43,32316,4,10,1,1,1,1,1,0,0,0,1,0,0,0,4,1,0.5896286,83,0,0,0,0,1,0,0,0,0,0,1,0,0 -"573",2330,0,130000,70000,60000,9725,7725,12055,10055,70055,74055,34,41757,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,10055,1,0,0,0,0,1,0,0,0,1,0,0,0 -"574",0,0,0,0,0,275,-19565,275,-19565,-19565,-19240,32,13800,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-19565,0,0,1,0,0,0,0,0,0,1,0,0,0 -"575",0,0,70000,0,70000,30000,30000,30000,30000,100000,100000,55,8850,2,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,30000,1,1,0,0,0,0,0,0,0,0,0,0,1 -"576",0,0,0,0,0,0,0,0,0,0,550,36,17280,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"577",0,0,0,0,0,0,0,0,0,0,0,33,11340,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"578",0,0,60000,0,60000,540,-460,540,-460,59540,59540,46,7767,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-460,1,1,0,0,0,0,0,0,0,0,0,1,0 -"579",90000,0,60000,0,60000,35499,35199,125499,125199,185199,185199,56,57984,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,125199,1,0,0,0,0,0,1,0,0,0,0,0,1 -"580",0,0,65000,40000,25000,1000,-500,1000,-500,24500,24858,51,19968,2,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"581",0,0,0,0,0,1500,-7500,1500,-7500,-7500,-3700,27,43518,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-7500,0,0,0,0,0,1,0,0,1,0,0,0,0 -"582",0,0,0,0,0,0,0,0,0,0,1500,58,17448,1,8,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"583",0,0,36400,25000,11400,250,-1450,250,-1450,9950,16450,34,28869,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1450,1,0,0,1,0,0,0,0,0,1,0,0,0 -"584",39000,0,175000,0,175000,21400,20300,60400,59300,234300,534300,58,23706,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,59300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"585",0,0,0,0,0,0,0,0,0,0,750,43,10668,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"586",0,0,57000,30000,27000,749,-3036,749,-3036,23964,42964,28,19701,4,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-3036,1,0,1,0,0,0,0,0,1,0,0,0,0 -"587",1520,0,8000,5000,3000,28,-6712,1548,-5192,-2192,-792,36,15186,4,9,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.1464927,-5192,1,0,1,0,0,0,0,0,0,0,1,0,0 -"588",0,0,0,0,0,1549,449,1549,449,449,7449,35,32022,3,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,449,0,0,0,0,1,0,0,0,0,1,0,0,0 -"589",0,0,0,0,0,4900,1900,4900,1900,1900,1900,28,20730,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"590",0,0,85000,78000,7000,3000,1300,3000,1300,8300,8300,30,32430,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"591",0,0,225000,80000,145000,12849,12849,12849,12849,157849,157849,36,51165,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,12849,1,0,0,0,0,0,1,0,0,0,1,0,0 -"592",0,0,0,0,0,4000,4000,4000,4000,4000,11000,39,7143,6,8,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,4000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"593",10000,0,300000,150000,150000,2500,-3800,12500,6200,156200,356200,49,134490,5,18,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,6200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"594",0,0,50000,0,50000,750,50,750,50,50050,53050,44,11610,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,1,0,0 -"595",0,0,50000,0,50000,3199,3199,3199,3199,53199,58199,46,36390,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,3199,1,0,0,0,1,0,0,0,0,0,0,1,0 -"596",0,0,0,0,0,300,250,300,250,250,-750,33,14877,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,1,0,0,0 -"597",0,0,0,0,0,0,-500,0,-500,-500,0,35,19287,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"598",0,0,45000,19500,25500,1950,450,1950,450,25950,25950,47,33792,6,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,450,1,0,0,0,1,0,0,0,0,0,0,1,0 -"599",0,0,56000,35000,21000,9999,6399,9999,6399,27399,27399,56,25761,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,6399,1,0,0,1,0,0,0,0,0,0,0,0,1 -"600",0,0,55000,32000,23000,100,-2900,100,-2900,20100,20100,43,29808,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"601",0,0,0,0,0,1455,-7545,1455,-7545,-7545,-6795,27,26940,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-7545,0,0,0,1,0,0,0,0,1,0,0,0,0 -"602",21400,0,300000,150000,150000,32847,32847,54247,54247,204247,404247,52,22488,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,54247,1,0,0,1,0,0,0,0,0,0,0,1,0 -"603",0,0,30000,20000,10000,0,-2100,0,-2100,7900,7900,33,22764,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"604",3534,0,99950,76500,23450,1175,-4525,4709,-991,22459,31659,34,42429,2,13,1,1,1,1,1,0,0,1,0,0,1,0,5,3,0.7196674,-991,1,0,0,0,0,1,0,0,0,1,0,0,0 -"605",0,0,175000,0,175000,3500,2700,3500,2700,177700,257700,40,47355,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"606",0,0,0,0,0,1300,-300,1300,-300,-300,19700,29,33600,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"607",9600,0,100000,80000,20000,2980,-3620,12580,5980,25980,57980,59,64956,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,5980,1,0,0,0,0,0,1,0,0,0,0,0,1 -"608",4200,0,200000,26000,174000,9200,7200,13400,11400,185400,185400,44,59664,5,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"609",0,0,90000,80000,10000,500,-1500,500,-1500,8500,8500,42,47682,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"610",0,0,0,0,0,5,-6395,5,-6395,-6395,780,25,27918,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-6395,0,0,0,1,0,0,0,0,1,0,0,0,0 -"611",0,0,0,0,0,200,200,200,200,200,200,34,53520,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,200,0,0,0,0,0,0,1,0,0,1,0,0,0 -"612",0,0,59000,20000,39000,0,0,0,0,39000,39000,41,46080,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,0,1,0,0,0,0,1,0,0,0,0,1,0,0 -"613",0,0,0,0,0,100,-700,100,-700,-700,3875,34,22800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"614",1850,0,125000,0,125000,50350,45850,52200,47700,172700,576200,62,65028,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,47700,1,0,0,0,0,0,1,0,0,0,0,0,1 -"615",2000,0,0,0,0,11000,11000,13000,13000,13000,73000,30,67125,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,13000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"616",0,0,0,0,0,1500,-1335,1500,-1335,-1335,-335,28,31800,4,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-1335,0,0,0,0,1,0,0,0,1,0,0,0,0 -"617",0,0,0,0,0,0,0,0,0,0,0,26,16983,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"618",4000,0,95000,49000,46000,1700,1700,5700,5700,51700,58116,59,13974,3,7,0,0,1,0,1,0,0,1,1,0,0,0,2,1,0.1320933,5700,1,0,1,0,0,0,0,0,0,0,0,0,1 -"619",0,0,0,0,0,5300,3500,5300,3500,3500,5900,33,19236,1,17,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,3500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"620",0,0,0,0,0,1500,750,1500,750,750,975,46,12630,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,750,0,0,1,0,0,0,0,0,0,0,0,1,0 -"621",0,0,80000,80000,0,10,-5790,10,-5790,-5790,-5790,48,21066,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-5790,1,0,0,1,0,0,0,0,0,0,0,1,0 -"622",0,0,0,0,0,150,-1850,150,-1850,-1850,1829,32,17550,2,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-1850,0,0,1,0,0,0,0,0,0,1,0,0,0 -"623",0,0,85000,0,85000,39000,39000,39000,39000,124000,131775,62,58272,1,11,1,0,1,0,1,0,0,0,1,0,0,0,6,1,0.7472324,39000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"624",0,0,0,0,0,500,-4500,500,-4500,-4500,350,29,18000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"625",0,0,240000,70000,170000,11730,11730,11730,11730,181730,234730,48,77913,2,14,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,11730,1,0,0,0,0,0,0,1,0,0,0,1,0 -"626",982,0,0,0,0,85,-1591,1067,-609,-609,-609,29,27486,6,10,0,1,1,0,1,0,0,1,1,0,0,0,3,1,0.2061994,-609,0,0,0,1,0,0,0,0,1,0,0,0,0 -"627",0,0,0,0,0,16999,16999,16999,16999,16999,20777,26,33651,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,16999,0,0,0,0,1,0,0,0,1,0,0,0,0 -"628",0,0,0,0,0,2149,-2051,2149,-2051,-2051,-2051,32,20205,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-2051,0,0,0,1,0,0,0,0,0,1,0,0,0 -"629",1000,0,75000,54000,21000,1000,700,2000,1700,22700,22700,41,45810,4,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,1700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"630",0,0,0,0,0,400,-10500,400,-10500,-10500,-10500,32,67422,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-10500,0,0,0,0,0,0,1,0,0,1,0,0,0 -"631",4000,0,300000,150000,150000,120000,116000,124000,120000,270000,270000,40,124932,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,120000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"632",0,0,285000,40000,245000,500,-400,500,-400,244600,444600,63,43902,2,9,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,-400,1,0,0,0,0,1,0,0,0,0,0,0,1 -"633",0,0,0,0,0,4,4,4,4,4,854,31,3603,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,4,0,1,0,0,0,0,0,0,0,1,0,0,0 -"634",0,0,155000,17000,138000,2400,1900,2400,1900,139900,139900,53,96909,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,1900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"635",0,0,45000,0,45000,40000,39966,40000,39966,84966,86566,56,27621,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,39966,1,0,0,1,0,0,0,0,0,0,0,0,1 -"636",5000,0,90000,67000,23000,4000,4000,9000,9000,32000,32000,45,61560,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,9000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"637",0,0,75000,0,75000,8,-2617,8,-2617,72383,70883,52,9000,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3536102,-2617,1,1,0,0,0,0,0,0,0,0,0,1,0 -"638",0,0,0,0,0,9600,9150,9600,9150,9150,11725,43,18900,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,9150,0,0,1,0,0,0,0,0,0,0,1,0,0 -"639",0,0,0,0,0,14000,14000,14000,14000,14000,14000,63,15558,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,14000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"640",0,0,0,0,0,55,55,55,55,55,55,26,32640,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,55,0,0,0,0,1,0,0,0,1,0,0,0,0 -"641",2000,0,60000,20000,40000,900,350,2900,2350,42350,42350,48,41655,3,10,1,1,0,1,1,0,0,1,1,0,0,0,5,1,0.7196674,2350,1,0,0,0,0,1,0,0,0,0,0,1,0 -"642",0,0,95000,52000,43000,1000,550,1000,550,43550,46900,46,32895,1,11,1,0,0,0,1,0,0,0,1,0,0,0,4,1,0.6028074,550,1,0,0,0,1,0,0,0,0,0,0,1,0 -"643",0,0,0,0,0,0,0,0,0,0,67000,27,10248,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"644",0,0,0,0,0,18,-2382,18,-2382,-2382,-1882,37,37662,11,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2382,0,0,0,0,1,0,0,0,0,0,1,0,0 -"645",0,0,60000,48000,12000,856,656,856,656,12656,12856,59,23976,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,656,1,0,0,1,0,0,0,0,0,0,0,0,1 -"646",0,0,180000,95000,85000,734,734,734,734,85734,85734,53,31386,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,734,1,0,0,0,1,0,0,0,0,0,0,1,0 -"647",0,0,175000,75000,100000,0,0,0,0,100000,100500,42,22941,4,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"648",0,0,40000,36000,4000,200,200,200,200,4200,5700,32,30186,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"649",0,0,66000,35000,31000,696,-7304,696,-7304,23696,27271,43,19068,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7304,1,0,1,0,0,0,0,0,0,0,1,0,0 -"650",0,0,30000,16500,13500,0,0,0,0,13500,13500,25,19800,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"651",0,0,120000,26000,94000,0,0,0,0,94000,101546,31,28080,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"652",0,0,0,0,0,0,0,0,0,0,0,31,28467,3,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.4366938,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"653",0,0,45000,25500,19500,900,-7100,900,-7100,12400,12400,42,36603,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-7100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"654",0,0,0,0,0,0,-1000,0,-1000,-1000,7484,40,10560,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"655",0,0,90000,45000,45000,200,-1800,200,-1800,43200,118800,53,34755,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"656",10000,0,50000,0,50000,6050,50,16050,10050,60050,60550,54,9816,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,10050,1,1,0,0,0,0,0,0,0,0,0,1,0 -"657",0,0,0,0,0,0,-700,0,-700,-700,-25,28,23382,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"658",10000,0,115000,0,115000,52500,52500,62500,62500,177500,240850,60,55476,2,12,1,0,0,0,1,0,0,1,0,1,0,0,6,2,0.7856908,62500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"659",0,0,0,0,0,0,0,0,0,0,500,30,16800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"660",0,0,80000,7500,72500,350,-14650,350,-14650,57850,58412,37,25488,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-14650,1,0,0,1,0,0,0,0,0,0,1,0,0 -"661",0,0,72000,22000,50000,1300,-276,1300,-276,49724,50224,48,52836,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-276,1,0,0,0,0,0,1,0,0,0,0,1,0 -"662",8000,0,120000,120000,0,6000,4800,14000,12800,12800,12800,31,50529,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,12800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"663",0,0,44000,34000,10000,4005,-4995,4005,-4995,5005,19205,29,42828,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4995,1,0,0,0,0,1,0,0,1,0,0,0,0 -"664",2000,0,42000,39000,3000,125,-500,2125,1500,4500,8300,32,34455,3,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"665",0,0,0,0,0,1891,-4609,1891,-4609,-4609,-2872,27,39003,2,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4609,0,0,0,0,1,0,0,0,1,0,0,0,0 -"666",0,0,0,0,0,0,0,0,0,0,500,32,12750,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"667",0,0,0,0,0,0,-1800,0,-1800,-1800,-800,42,15786,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"668",17000,0,0,0,0,0,0,17000,17000,17000,17895,35,9600,3,12,0,0,1,0,1,0,0,1,0,1,0,0,1,2,0.1173758,17000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"669",1600,0,0,0,0,0,0,1600,1600,1600,4100,41,33225,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,1600,0,0,0,0,1,0,0,0,0,0,1,0,0 -"670",1000,0,86000,22000,64000,4222,2222,5222,3222,67222,69222,53,29169,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,3222,1,0,0,1,0,0,0,0,0,0,0,1,0 -"671",0,0,0,0,0,0,0,0,0,0,500,34,9600,3,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"672",0,0,0,0,0,2700,2400,2700,2400,2400,9999,28,25500,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,2400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"673",0,0,200000,33750,166250,8999,5999,8999,5999,172249,217249,61,50919,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"674",7000,0,40000,0,40000,8600,-3700,15600,3300,43300,46650,39,29232,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,3300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"675",0,0,0,0,0,0,-2000,0,-2000,-2000,2225,37,12900,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"676",0,0,0,0,0,90,90,90,90,90,1190,31,38319,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,90,0,0,0,0,1,0,0,0,0,1,0,0,0 -"677",0,0,45000,45000,0,700,-500,700,-500,-500,-500,53,21000,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"678",0,0,95000,15000,80000,400,-1600,400,-1600,78400,78400,60,31605,1,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-1600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"679",22000,0,145000,59700,85300,999,-5201,26999,20799,106099,122152,50,48660,3,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,16799,1,0,0,0,0,1,0,0,0,0,0,1,0 -"680",4000,0,50000,32000,18000,1000,1000,5000,5000,23000,29150,36,17379,3,10,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,5000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"681",0,0,15000,0,15000,17000,17000,17000,17000,32000,34765,35,19464,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,17000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"682",0,0,65000,6000,59000,5483,4883,5483,4883,63883,69883,44,26472,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4883,1,0,0,1,0,0,0,0,0,0,1,0,0 -"683",0,0,0,0,0,300,300,300,300,300,300,50,30660,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,300,0,0,0,0,1,0,0,0,0,0,0,1,0 -"684",0,0,0,0,0,700,-4300,700,-4300,-4300,-4300,43,20583,4,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-4300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"685",0,0,125000,100000,25000,5526,2526,5526,2526,27526,30526,25,47322,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,2526,1,0,0,0,0,1,0,0,1,0,0,0,0 -"686",0,0,180000,0,180000,9999,9999,9999,9999,189999,189999,64,18450,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,9999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"687",0,0,83000,17200,65800,300,-690,300,-690,65110,67110,45,33084,2,10,0,0,0,0,1,0,0,0,1,0,0,0,4,1,0.3866406,-690,1,0,0,0,1,0,0,0,0,0,0,1,0 -"688",7000,0,70000,0,70000,19999,19749,26999,26749,96749,96749,55,45990,5,6,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,26749,1,0,0,0,0,1,0,0,0,0,0,0,1 -"689",0,0,140000,41500,98500,678,-2422,678,-2422,96078,99803,50,30636,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-2422,1,0,0,0,1,0,0,0,0,0,0,1,0 -"690",9000,0,90000,0,90000,4900,3500,13900,12500,102500,102500,64,18738,2,11,0,1,0,1,1,0,0,1,1,0,0,0,2,1,0.1464927,12500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"691",0,0,95000,54000,41000,7125,6325,7125,6325,47325,55325,35,32265,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6325,1,0,0,0,1,0,0,0,0,1,0,0,0 -"692",0,0,0,0,0,0,0,0,0,0,10000,49,18153,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"693",0,0,0,0,0,2082,1482,2082,1482,1482,11907,35,37965,1,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,1482,0,0,0,0,1,0,0,0,0,1,0,0,0 -"694",0,0,0,0,0,0,0,0,0,0,1000,39,21216,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"695",0,0,25000,0,25000,400,-4100,400,-4100,20900,26900,45,27648,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-4100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"696",0,0,0,0,0,0,0,0,0,0,750,41,1035,1,16,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"697",23923,0,60000,0,60000,75866,75866,99789,99789,159789,246789,61,66528,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,99789,1,0,0,0,0,0,1,0,0,0,0,0,1 -"698",0,0,0,0,0,24999,23549,24999,23549,23549,23549,29,19491,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,23549,0,0,1,0,0,0,0,0,1,0,0,0,0 -"699",0,0,0,0,0,6,-6994,6,-6994,-6994,-6994,45,35565,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-6994,0,0,0,0,1,0,0,0,0,0,0,1,0 -"700",0,0,0,0,0,5,-495,5,-495,-495,-495,31,10008,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-495,0,0,1,0,0,0,0,0,0,1,0,0,0 -"701",0,0,45000,15600,29400,900,300,900,300,29700,29700,50,18348,4,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"702",22000,0,100000,0,100000,75664,75664,97664,97664,197664,206589,58,44640,1,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,97664,1,0,0,0,0,1,0,0,0,0,0,0,1 -"703",0,0,0,0,0,20,-7055,20,-7055,-7055,-3705,31,5232,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-7055,0,1,0,0,0,0,0,0,0,1,0,0,0 -"704",15000,0,190000,116000,74000,0,0,15000,15000,89000,90500,41,9798,1,16,0,0,1,0,1,0,0,1,0,0,0,1,1,4,0.1431995,15000,1,1,0,0,0,0,0,0,0,0,1,0,0 -"705",0,0,0,0,0,0,0,0,0,0,0,38,30600,1,18,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.2951996,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"706",0,0,0,0,0,499,499,499,499,499,2691,41,26022,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,499,0,0,0,1,0,0,0,0,0,0,1,0,0 -"707",0,0,100000,25000,75000,0,-600,0,-600,74400,75150,40,13290,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"708",0,0,300000,125000,175000,3300,-3700,3300,-3700,171300,171300,31,63858,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-3700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"709",0,0,40000,21000,19000,50,-3450,50,-3450,15550,23550,45,23670,12,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3450,1,0,0,1,0,0,0,0,0,0,0,1,0 -"710",2500,0,200000,75000,125000,800,800,3300,3300,128300,144800,49,20082,4,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,3300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"711",0,0,50000,27000,23000,7250,6850,7250,6850,29850,38850,40,51198,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,6850,1,0,0,0,0,0,1,0,0,0,1,0,0 -"712",0,0,0,0,0,10599,8599,10599,8599,8599,8599,36,43440,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,8599,0,0,0,0,0,1,0,0,0,0,1,0,0 -"713",0,0,0,0,0,0,0,0,0,0,0,29,9900,3,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"714",1125,0,45000,0,45000,2849,449,3974,1574,46574,51574,52,45135,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,1574,1,0,0,0,0,1,0,0,0,0,0,1,0 -"715",0,0,73500,47000,26500,1200,1200,1200,1200,27700,31050,38,17652,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"716",0,0,0,0,0,1000,-3300,1000,-3300,-3300,6700,27,35745,2,17,0,1,1,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-3300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"717",23000,0,0,0,0,17300,17300,40300,40300,40300,40300,35,27486,2,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2061994,40300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"718",20000,0,20000,0,20000,27900,27870,47900,47870,67870,92095,48,40452,1,1,0,0,1,0,1,0,0,1,1,0,0,0,5,1,0.4414764,47870,1,0,0,0,0,1,0,0,0,0,0,1,0 -"719",0,0,0,0,0,500,-250,500,-250,-250,-250,33,24114,3,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-250,0,0,0,1,0,0,0,0,0,1,0,0,0 -"720",4488,0,60000,47900,12100,50,-1150,4538,3338,15438,15438,34,27876,5,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,3338,1,0,0,1,0,0,0,0,0,1,0,0,0 -"721",0,0,62000,62000,0,12499,4499,12499,4499,4499,4999,37,39000,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,4499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"722",0,0,40000,34000,6000,64500,58500,64500,58500,64500,108679,47,47292,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,58500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"723",0,0,0,0,0,14000,13300,14000,13300,13300,15500,39,34509,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,13300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"724",0,0,50000,0,50000,0,0,0,0,50000,50000,40,25500,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"725",0,0,63000,63000,0,1499,1499,1499,1499,1499,2999,48,39651,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,1499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"726",0,0,55000,0,55000,49,-1151,49,-1151,53849,54349,58,22953,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-1151,1,0,0,1,0,0,0,0,0,0,0,0,1 -"727",0,0,0,0,0,300,0,300,0,0,0,57,5220,1,18,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"728",0,0,80000,36000,44000,2010,2010,2010,2010,46010,46010,62,20796,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,2010,1,0,0,1,0,0,0,0,0,0,0,0,1 -"729",0,0,0,0,0,0,0,0,0,0,500,61,3636,1,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"730",0,0,40000,16500,23500,150,-50,150,-50,23450,28700,42,14928,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-50,1,0,1,0,0,0,0,0,0,0,1,0,0 -"731",0,0,35000,27500,7500,356,356,356,356,7856,7856,33,31575,2,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,356,1,0,0,0,1,0,0,0,0,1,0,0,0 -"732",0,0,0,0,0,0,0,0,0,0,0,61,16200,2,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"733",0,0,86000,86000,0,1499,1499,1499,1499,1499,6978,38,31674,1,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,1499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"734",0,0,0,0,0,0,0,0,0,0,0,42,19101,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"735",0,0,0,0,0,2000,900,2000,900,900,6084,30,27045,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"736",0,0,300000,80000,220000,6800,6000,6800,6000,226000,237000,40,37920,3,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,6000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"737",0,0,20000,14000,6000,7800,6757,7800,6757,12757,12757,27,45654,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6757,1,0,0,0,0,1,0,0,1,0,0,0,0 -"738",0,0,20000,16000,4000,5599,1099,5599,1099,5099,11299,36,57675,2,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,1099,1,0,0,0,0,0,1,0,0,0,1,0,0 -"739",0,0,120000,80000,40000,5136,1636,5136,1636,41636,43636,26,180858,3,16,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1636,1,0,0,0,0,0,0,1,1,0,0,0,0 -"740",0,0,70000,18500,51500,8599,6999,8599,6999,58499,61849,40,916,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,6999,1,1,0,0,0,0,0,0,0,0,1,0,0 -"741",0,0,71400,71400,0,0,0,0,0,0,15362,38,31500,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"742",0,0,90000,78000,12000,8000,6500,8000,6500,18500,27500,40,47463,2,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,6500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"743",0,0,58000,57000,1000,10000,5800,10000,5800,6800,13800,29,53337,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5800,1,0,0,0,0,0,1,0,1,0,0,0,0 -"744",0,0,45000,30500,14500,1300,-300,1300,-300,14200,17200,42,24336,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"745",22800,0,60000,48000,12000,73622,73622,96422,96422,108422,114347,48,46743,1,17,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,96422,1,0,0,0,0,1,0,0,0,0,0,1,0 -"746",0,0,0,0,0,422,-14578,422,-14578,-14578,-5303,54,32076,3,3,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,-14578,0,0,0,0,1,0,0,0,0,0,0,1,0 -"747",0,0,0,0,0,2025,-725,2025,-725,-725,-725,30,24510,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-725,0,0,0,1,0,0,0,0,0,1,0,0,0 -"748",26000,0,85000,49000,36000,7249,7249,33249,33249,69249,136692,49,87660,2,14,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,33249,1,0,0,0,0,0,0,1,0,0,0,1,0 -"749",0,0,0,0,0,1000,1000,1000,1000,1000,8000,44,65400,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,1000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"750",0,0,0,0,0,4400,2900,4400,2900,2900,5372,30,20559,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,2900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"751",4600,0,0,0,0,32300,31300,36900,35900,35900,36400,33,39351,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,35900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"752",0,0,2000,0,2000,1800,-334,1800,-334,1666,37666,43,34299,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-334,1,0,0,0,1,0,0,0,0,0,1,0,0 -"753",0,0,135000,105000,30000,36800,36800,36800,36800,66800,66800,30,75222,2,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,36800,1,0,0,0,0,0,0,1,0,1,0,0,0 -"754",17000,0,20000,0,20000,202699,202699,219699,219699,239699,444699,59,144534,2,18,1,1,1,0,1,0,0,1,0,0,0,1,7,4,0.7316045,219699,1,0,0,0,0,0,0,1,0,0,0,0,1 -"755",0,0,75000,75000,0,0,-4100,0,-4100,-4100,3700,26,28080,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-4100,1,0,0,1,0,0,0,0,1,0,0,0,0 -"756",0,0,162000,150000,12000,0,-4000,0,-4000,8000,20000,41,21735,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"757",0,0,120000,85000,35000,4200,3000,4200,3000,38000,38000,33,45810,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,3000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"758",0,0,0,0,0,0,-1200,0,-1200,-1200,-2200,33,17214,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"759",10000,0,0,0,0,24999,20999,34999,30999,30999,33499,41,39150,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,30999,0,0,0,0,1,0,0,0,0,0,1,0,0 -"760",0,0,0,0,0,300,-5700,300,-5700,-5700,-5700,35,31620,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-5700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"761",0,0,150000,61500,88500,1335,-915,1335,-915,87585,112585,39,54066,5,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-915,1,0,0,0,0,0,1,0,0,0,1,0,0 -"762",0,0,58000,0,58000,609,-791,609,-791,57209,67209,47,18195,10,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-791,1,0,1,0,0,0,0,0,0,0,0,1,0 -"763",0,0,0,0,0,0,-14900,0,-14900,-14900,-14700,40,32832,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-14900,0,0,0,0,1,0,0,0,0,0,1,0,0 -"764",1250,0,85000,20000,65000,1200,615,2450,1865,66865,83865,46,68823,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,1865,1,0,0,0,0,0,1,0,0,0,0,1,0 -"765",0,0,105000,80000,25000,2950,550,2950,550,25550,25550,34,65505,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,550,1,0,0,0,0,0,1,0,0,1,0,0,0 -"766",0,0,0,0,0,10999,10999,10999,10999,10999,13499,25,36600,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,10999,0,0,0,0,1,0,0,0,1,0,0,0,0 -"767",0,0,0,0,0,0,0,0,0,0,0,41,2325,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"768",0,0,56000,42500,13500,18850,18150,18850,18150,31650,31650,51,58245,2,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,18150,1,0,0,0,0,0,1,0,0,0,0,1,0 -"769",0,0,90000,58000,32000,1900,1900,1900,1900,33900,33900,32,37260,3,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1900,1,0,0,0,1,0,0,0,0,1,0,0,0 -"770",20000,0,100000,55000,45000,357500,357500,377500,377500,422500,422500,54,110892,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,377500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"771",0,0,0,0,0,0,0,0,0,0,0,46,7854,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"772",0,0,10000,0,10000,1227,652,1227,652,10652,16772,31,32295,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,652,1,0,0,0,1,0,0,0,0,1,0,0,0 -"773",0,0,0,0,0,14178,14178,14178,14178,14178,14178,32,24396,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,14178,0,0,0,1,0,0,0,0,0,1,0,0,0 -"774",0,0,65000,0,65000,0,0,0,0,65000,65000,59,12960,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"775",0,0,95000,93000,2000,500,-4200,500,-4200,-2200,250,40,31860,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-4200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"776",0,0,90000,83000,7000,1050,-2800,1050,-2800,4200,5013,33,62808,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"777",0,0,0,0,0,0,-4300,0,-4300,-4300,-300,30,31086,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-4300,0,0,0,0,1,0,0,0,0,1,0,0,0 -"778",0,0,0,0,0,449,-11551,449,-11551,-11551,-8976,39,21603,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-11551,0,0,0,1,0,0,0,0,0,0,1,0,0 -"779",0,0,0,0,0,0,0,0,0,0,500,33,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"780",0,0,25000,9700,15300,350,-2316,350,-2316,12984,12984,26,24621,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2316,1,0,0,1,0,0,0,0,1,0,0,0,0 -"781",0,0,0,0,0,750,-1600,750,-1600,-1600,900,29,33381,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1600,0,0,0,0,1,0,0,0,1,0,0,0,0 -"782",0,0,139191,139191,0,125,-4888,125,-4888,-4888,1287,56,23394,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4888,1,0,0,1,0,0,0,0,0,0,0,0,1 -"783",8460,0,145000,120000,25000,5298,5298,13758,13758,38758,38758,39,37710,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,13758,1,0,0,0,1,0,0,0,0,0,1,0,0 -"784",300,0,0,0,0,0,0,300,300,300,300,25,15462,2,11,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.118155,300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"785",0,0,12000,5000,7000,150,150,150,150,7150,8350,58,9150,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,150,1,1,0,0,0,0,0,0,0,0,0,0,1 -"786",0,0,0,0,0,0,-605,0,-605,-605,-605,50,31659,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-605,0,0,0,0,1,0,0,0,0,0,0,1,0 -"787",0,0,0,0,0,16700,16610,16700,16610,16610,27789,54,33267,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,16610,0,0,0,0,1,0,0,0,0,0,0,1,0 -"788",0,0,41000,37000,4000,2400,-2400,2400,-2400,1600,41200,35,47676,4,17,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-2400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"789",0,0,40000,20000,20000,302,-1398,302,-1398,18602,18602,28,43596,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1398,1,0,0,0,0,1,0,0,1,0,0,0,0 -"790",0,0,250000,40000,210000,1799,-5201,1799,-5201,204799,204799,27,19290,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-5201,1,0,1,0,0,0,0,0,1,0,0,0,0 -"791",0,0,65000,16000,49000,26,-5774,26,-5774,43226,44126,44,12501,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5774,1,0,1,0,0,0,0,0,0,0,1,0,0 -"792",0,0,20000,0,20000,730,-4400,730,-4400,15600,16966,36,18138,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"793",0,0,0,0,0,10,10,10,10,10,10,34,27006,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,10,0,0,0,1,0,0,0,0,0,1,0,0,0 -"794",0,0,0,0,0,1500,293,1500,293,293,293,30,32931,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,293,0,0,0,0,1,0,0,0,0,1,0,0,0 -"795",7000,0,70000,28000,42000,65598,65598,72598,72598,114598,114598,60,38361,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72598,1,0,0,0,1,0,0,0,0,0,0,0,1 -"796",0,0,0,0,0,800,800,800,800,800,800,28,15774,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"797",100,0,0,0,0,2500,2500,2600,2600,2600,3100,50,18456,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.105793,2600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"798",0,0,250000,50000,200000,2900,2100,2900,2100,202100,202100,61,22341,2,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,2100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"799",0,0,0,0,0,2000,-6000,2000,-6000,-6000,61000,42,30000,4,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-6000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"800",0,0,0,0,0,31,-3969,31,-3969,-3969,-3170,42,25281,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3969,0,0,0,1,0,0,0,0,0,0,1,0,0 -"801",0,0,80000,33750,46250,5151,4701,5151,4701,50951,56193,52,20700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,4701,1,0,0,1,0,0,0,0,0,0,0,1,0 -"802",0,0,0,0,0,7760,-30240,7760,-30240,-30240,7560,25,85380,4,1,0,1,0,1,1,0,0,0,1,0,0,0,7,1,0.4572618,-30240,0,0,0,0,0,0,0,1,1,0,0,0,0 -"803",1400,0,55000,26000,29000,23587,20737,24987,22137,51137,51137,39,39105,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,22137,1,0,0,0,1,0,0,0,0,0,1,0,0 -"804",0,0,110000,15000,95000,2350,1950,2350,1950,96950,103950,52,47700,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1950,1,0,0,0,0,1,0,0,0,0,0,1,0 -"805",0,0,100000,60000,40000,13798,13798,13798,13798,53798,54062,38,40602,4,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,13798,1,0,0,0,0,1,0,0,0,0,1,0,0 -"806",1750,0,0,0,0,95000,94400,96750,96150,96150,98629,57,22317,2,11,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2061994,96150,0,0,0,1,0,0,0,0,0,0,0,0,1 -"807",25000,0,100000,40000,60000,21000,20700,46000,45700,105700,155700,54,49080,2,10,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,45700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"808",35000,0,73000,23200,49800,1899,-3901,96899,91099,140899,225096,61,39645,2,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,31099,1,0,0,0,1,0,0,0,0,0,0,0,1 -"809",0,0,0,0,0,0,0,0,0,0,0,26,15450,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"810",0,0,45000,25000,20000,0,0,0,0,20000,22000,36,40800,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,0,1,0,0 -"811",0,0,0,0,0,2748,-3647,2748,-3647,-3647,906,25,37371,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3647,0,0,0,0,1,0,0,0,1,0,0,0,0 -"812",0,0,57000,47000,10000,0,0,0,0,10000,10000,30,17481,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"813",0,0,50000,0,50000,0,-100,0,-100,49900,52900,62,41172,5,10,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,0,0,1 -"814",600,0,0,0,0,1110,-31190,1710,-30590,-30590,-18590,35,55770,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,-30590,0,0,0,0,0,0,1,0,0,1,0,0,0 -"815",0,0,65000,30600,34400,139999,74999,139999,74999,109399,112399,50,18186,3,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,74999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"816",0,0,67000,43900,23100,950,-50,950,-50,23050,25050,52,44400,2,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-50,1,0,0,0,0,1,0,0,0,0,0,1,0 -"817",0,0,0,0,0,300,-2700,300,-2700,-2700,-2700,28,33984,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-2700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"818",0,0,0,0,0,300,300,300,300,300,300,44,6792,3,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,300,0,1,0,0,0,0,0,0,0,0,1,0,0 -"819",0,0,0,0,0,2658,-762,2658,-762,-762,5000,33,35757,1,14,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-762,0,0,0,0,1,0,0,0,0,1,0,0,0 -"820",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,27,32880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"821",0,0,43000,21000,22000,250,-2750,250,-2750,19250,19250,60,33987,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-2750,1,0,0,0,1,0,0,0,0,0,0,0,1 -"822",0,0,160000,98000,62000,1500,-3500,1500,-3500,58500,74500,32,46998,7,8,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-3500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"823",0,0,0,0,0,0,-15000,0,-15000,-15000,-4321,26,97998,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,-15000,0,0,0,0,0,0,0,1,1,0,0,0,0 -"824",2000,0,0,0,0,80200,80200,82200,82200,82200,82200,25,28209,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,82200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"825",0,0,0,0,0,399,399,399,399,399,8995,29,43374,1,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.3055234,399,0,0,0,0,0,1,0,0,1,0,0,0,0 -"826",0,0,0,0,0,0,0,0,0,0,8461,32,13590,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"827",0,0,0,0,0,600,-8400,600,-8400,-8400,-3600,33,31392,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-8400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"828",0,0,113000,99000,14000,725,-17975,725,-17975,-3975,5525,26,59199,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-17975,1,0,0,0,0,0,1,0,1,0,0,0,0 -"829",0,0,95000,62000,33000,37999,37999,37999,37999,70999,80999,50,62130,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,37999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"830",0,0,0,0,0,100,-18700,100,-18700,-18700,-18125,47,27150,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-18700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"831",0,0,55000,33000,22000,272,-788,272,-788,21212,24562,31,16020,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-788,1,0,1,0,0,0,0,0,0,1,0,0,0 -"832",0,0,80000,75000,5000,1000,-3000,1000,-3000,2000,2000,34,46053,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-3000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"833",0,0,0,0,0,600,-1400,600,-1400,-1400,7338,32,32064,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"834",0,0,0,0,0,0,0,0,0,0,500,39,20400,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"835",0,0,70000,36000,34000,500,-5008,500,-5008,28992,32992,40,36621,5,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-5008,1,0,0,0,1,0,0,0,0,0,1,0,0 -"836",0,0,0,0,0,1085,-6415,1085,-6415,-6415,24585,31,52350,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-6415,0,0,0,0,0,0,1,0,0,1,0,0,0 -"837",0,0,0,0,0,1800,1600,1800,1600,1600,5450,33,51222,3,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,1600,0,0,0,0,0,0,1,0,0,1,0,0,0 -"838",0,0,140000,0,140000,2000,2000,2000,2000,142000,146000,54,40665,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"839",0,0,0,0,0,50,50,50,50,50,2850,56,1596,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,50,0,1,0,0,0,0,0,0,0,0,0,0,1 -"840",0,0,0,0,0,0,0,0,0,0,18081,63,39174,1,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,0,0,0,0,0,1,0,0,0,0,0,0,0,1 -"841",0,0,0,0,0,410,-10990,410,-10990,-10990,2441,26,52497,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10990,0,0,0,0,0,0,1,0,1,0,0,0,0 -"842",0,0,0,0,0,167,-1483,167,-1483,-1483,1867,36,10920,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1483,0,0,1,0,0,0,0,0,0,0,1,0,0 -"843",0,0,0,0,0,0,-800,0,-800,-800,200,29,12600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"844",0,0,80000,25000,55000,250,-2050,250,-2050,52950,53750,54,45900,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2050,1,0,0,0,0,1,0,0,0,0,0,1,0 -"845",21000,0,110000,45000,65000,40529,38879,61529,59879,124879,133004,45,19998,2,18,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.1320933,59879,1,0,1,0,0,0,0,0,0,0,0,1,0 -"846",1000,0,0,0,0,2000,1600,3000,2600,2600,2600,61,34680,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,2600,0,0,0,0,1,0,0,0,0,0,0,0,1 -"847",0,0,60000,52000,8000,250,-5750,250,-5750,2250,5250,57,35418,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-5750,1,0,0,0,1,0,0,0,0,0,0,0,1 -"848",0,0,0,0,0,72499,66499,72499,66499,66499,69481,57,104346,2,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,66499,0,0,0,0,0,0,0,1,0,0,0,0,1 -"849",0,0,95000,80000,15000,4300,-5700,4300,-5700,9300,9300,27,64875,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-5700,1,0,0,0,0,0,1,0,1,0,0,0,0 -"850",0,0,51000,51000,0,1225,-3775,1225,-3775,-3775,14575,41,32703,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-3775,1,0,0,0,1,0,0,0,0,0,1,0,0 -"851",0,0,0,0,0,90,90,90,90,90,5090,52,23625,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,90,0,0,0,1,0,0,0,0,0,0,0,1,0 -"852",0,0,57000,48000,9000,7000,6100,7000,6100,15100,15100,26,37650,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6100,1,0,0,0,1,0,0,0,1,0,0,0,0 -"853",18000,0,75000,54000,21000,0,0,18000,18000,39000,39975,41,31179,4,11,0,1,1,1,1,0,0,1,1,0,0,0,4,1,0.3524857,18000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"854",0,0,0,0,0,0,0,0,0,0,16000,27,31089,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"855",0,0,0,0,0,0,0,0,0,0,500,31,17901,3,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"856",0,0,0,0,0,1049,1049,1049,1049,1049,1049,48,34974,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,1049,0,0,0,0,1,0,0,0,0,0,0,1,0 -"857",0,0,50000,16000,34000,18033,11733,18033,11733,45733,63086,57,43356,2,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,11733,1,0,0,0,0,1,0,0,0,0,0,0,1 -"858",0,0,79000,0,79000,299,165,299,165,79165,81165,28,23586,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,165,1,0,0,1,0,0,0,0,1,0,0,0,0 -"859",0,0,0,0,0,0,0,0,0,0,500,54,10800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"860",0,0,3000,2500,500,3610,3610,3610,3610,4110,4610,30,21780,1,13,0,1,1,0,1,0,0,0,0,0,1,0,3,3,0.273178,3610,1,0,0,1,0,0,0,0,0,1,0,0,0 -"861",0,0,135000,98000,37000,2600,2600,2600,2600,39600,42550,34,53760,5,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,2600,1,0,0,0,0,0,1,0,0,1,0,0,0 -"862",0,0,60000,0,60000,24000,22850,24000,22850,82850,83750,41,26856,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,22850,1,0,0,1,0,0,0,0,0,0,1,0,0 -"863",0,0,0,0,0,49,49,49,49,49,49,52,13773,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,49,0,0,1,0,0,0,0,0,0,0,0,1,0 -"864",0,0,100000,9342,90658,895,-2205,895,-2205,88453,106553,33,42942,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2205,1,0,0,0,0,1,0,0,0,1,0,0,0 -"865",0,0,67000,67000,0,799,-1201,799,-1201,-1201,23499,51,49830,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1201,1,0,0,0,0,1,0,0,0,0,0,1,0 -"866",0,0,95000,76000,19000,46500,46500,46500,46500,65500,69500,34,40554,3,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,46500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"867",10000,0,85000,0,85000,89760,89760,99760,99760,184760,219760,62,57081,3,18,0,1,1,0,1,0,0,1,0,0,0,1,6,4,0.5336504,99760,1,0,0,0,0,0,1,0,0,0,0,0,1 -"868",0,0,45000,10000,35000,525,-275,525,-275,34725,34725,35,29910,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-275,1,0,0,1,0,0,0,0,0,1,0,0,0 -"869",15000,0,37500,0,37500,82497,81997,97497,96997,134497,134497,62,19350,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,96997,1,0,1,0,0,0,0,0,0,0,0,0,1 -"870",0,0,0,0,0,300,-5250,300,-5250,-5250,-4550,48,49656,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-5250,0,0,0,0,0,1,0,0,0,0,0,1,0 -"871",23000,0,250000,104000,146000,111249,110249,134249,133249,279249,289249,54,65661,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,133249,1,0,0,0,0,0,1,0,0,0,0,1,0 -"872",0,0,0,0,0,20800,20800,20800,20800,20800,20800,31,14760,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,20800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"873",0,0,0,0,0,1000,-10200,1000,-10200,-10200,-9500,26,18015,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"874",2000,0,0,0,0,1200,-200,3200,1800,1800,6466,52,17625,1,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.105793,1800,0,0,1,0,0,0,0,0,0,0,0,1,0 -"875",0,0,0,0,0,0,0,0,0,0,12150,38,10443,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"876",2800,0,80000,57500,22500,6004,2904,8804,5704,28204,28204,41,61353,2,12,0,1,1,0,1,0,0,1,0,1,0,0,6,2,0.5336504,5704,1,0,0,0,0,0,1,0,0,0,1,0,0 -"877",0,0,0,0,0,0,-473,0,-473,-473,27,31,9024,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-473,0,1,0,0,0,0,0,0,0,1,0,0,0 -"878",0,0,0,0,0,83400,80400,83400,80400,80400,83400,42,37200,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,80400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"879",40000,0,300000,150000,150000,462000,462000,502000,502000,652000,664000,48,112989,4,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,502000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"880",58600,0,147150,147150,0,3929,3929,62529,62529,62529,70538,46,132492,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,62529,1,0,0,0,0,0,0,1,0,0,0,1,0 -"881",15000,0,175000,100000,75000,22998,22878,37998,37878,112878,116478,52,108870,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,37878,1,0,0,0,0,0,0,1,0,0,0,1,0 -"882",8000,0,55000,40000,15000,620,-9530,8620,-1530,13470,20470,42,75036,5,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-1530,1,0,0,0,0,0,0,1,0,0,1,0,0 -"883",0,0,75000,55000,20000,1349,-5551,1349,-5551,14449,17999,32,24666,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-5551,1,0,0,1,0,0,0,0,0,1,0,0,0 -"884",0,0,67000,66700,300,5406,4206,5406,4206,4506,4506,27,47376,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,4206,1,0,0,0,0,1,0,0,1,0,0,0,0 -"885",0,0,0,0,0,1500,-100,1500,-100,-100,2400,31,10350,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"886",7500,0,140000,100000,40000,178000,178000,185500,185500,225500,495500,51,65220,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,185500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"887",0,0,68000,62500,5500,5400,5400,5400,5400,10900,19250,30,44982,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,5400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"888",12500,0,0,0,0,236700,235900,249200,248400,248400,248400,57,45015,2,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.3442089,248400,0,0,0,0,0,1,0,0,0,0,0,0,1 -"889",20000,0,80000,0,80000,600,600,20600,20600,100600,100600,61,68220,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,20600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"890",40000,0,115000,0,115000,1399,199,41399,40199,155199,158199,55,39975,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,40199,1,0,0,0,1,0,0,0,0,0,0,0,1 -"891",0,0,0,0,0,0,-3861,0,-3861,-3861,-3361,58,11736,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-3861,0,0,1,0,0,0,0,0,0,0,0,0,1 -"892",14237,0,180000,72000,108000,136264,130764,150501,145001,253001,266501,58,15465,2,12,0,1,1,0,1,0,0,1,0,1,0,0,2,2,0.1464927,145001,1,0,1,0,0,0,0,0,0,0,0,0,1 -"893",0,0,65000,65000,0,0,-2000,0,-2000,-2000,-2000,45,17076,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"894",0,0,200000,0,200000,51000,47000,51000,47000,247000,247000,39,59400,3,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,47000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"895",0,0,60000,57000,3000,1000,-1000,1000,-1000,2000,5850,40,21630,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"896",0,0,200000,75000,125000,2571,2491,2571,2491,127491,127491,54,20703,2,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,2491,1,0,0,1,0,0,0,0,0,0,0,1,0 -"897",0,0,0,0,0,90,90,90,90,90,90,40,20940,7,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,90,0,0,0,1,0,0,0,0,0,0,1,0,0 -"898",0,0,250000,34000,216000,120,120,120,120,216120,217120,50,10902,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,120,1,0,1,0,0,0,0,0,0,0,0,1,0 -"899",0,0,15000,0,15000,1099,-58901,1099,-58901,-43901,-38901,26,17700,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-58901,1,0,1,0,0,0,0,0,1,0,0,0,0 -"900",0,0,0,0,0,750,-1060,750,-1060,-1060,-1060,41,25944,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1060,0,0,0,1,0,0,0,0,0,0,1,0,0 -"901",0,0,130000,32500,97500,1800,-4640,1800,-4640,92860,92860,47,49176,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4640,1,0,0,0,0,1,0,0,0,0,0,1,0 -"902",0,0,0,0,0,505,-15495,505,-15495,-15495,-6495,42,17856,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-15495,0,0,1,0,0,0,0,0,0,0,1,0,0 -"903",4774,0,230000,44000,186000,29433,29338,34207,34112,220112,239112,57,67098,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,34112,1,0,0,0,0,0,1,0,0,0,0,0,1 -"904",0,0,0,0,0,0,-900,0,-900,-900,14100,32,24000,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"905",40000,0,125000,0,125000,80000,80000,120000,120000,245000,246000,60,14244,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,120000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"906",7950,0,53000,33900,19100,10900,2100,18850,10050,29150,29150,40,60498,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,10050,1,0,0,0,0,0,1,0,0,0,1,0,0 -"907",40000,0,230000,30000,200000,60000,59500,127000,126500,326500,328600,51,62580,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,99500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"908",0,0,0,0,0,1850,1690,1850,1690,1690,6265,35,22140,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1690,0,0,0,1,0,0,0,0,0,1,0,0,0 -"909",0,0,75000,33750,41250,25,-2225,25,-2225,39025,39025,60,22440,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2225,1,0,0,1,0,0,0,0,0,0,0,0,1 -"910",0,0,0,0,0,5049,5049,5049,5049,5049,5049,46,14196,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,5049,0,0,1,0,0,0,0,0,0,0,0,1,0 -"911",0,0,99000,0,99000,500,500,500,500,99500,101850,25,8889,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,500,1,1,0,0,0,0,0,0,1,0,0,0,0 -"912",0,0,0,0,0,0,0,0,0,0,0,41,18306,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"913",0,0,0,0,0,0,0,0,0,0,0,50,13740,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"914",0,0,0,0,0,45,-5530,45,-5530,-5530,-5030,44,9858,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5530,0,1,0,0,0,0,0,0,0,0,1,0,0 -"915",0,0,106000,84000,22000,300,-3700,300,-3700,18300,30718,49,60000,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"916",0,0,50000,31000,19000,455,-745,455,-745,18255,24255,29,44511,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-745,1,0,0,0,0,1,0,0,1,0,0,0,0 -"917",0,0,0,0,0,6,-18294,6,-18294,-18294,-15294,33,15300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-18294,0,0,1,0,0,0,0,0,0,1,0,0,0 -"918",8000,0,0,0,0,5000,3955,13000,11955,11955,14455,34,17352,1,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,11955,0,0,1,0,0,0,0,0,0,1,0,0,0 -"919",0,0,40000,40000,0,1992,1792,1992,1792,1792,27292,47,21240,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1792,1,0,0,1,0,0,0,0,0,0,0,1,0 -"920",0,0,75000,0,75000,15900,15801,15900,15801,90801,93001,62,13317,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,15801,1,0,1,0,0,0,0,0,0,0,0,0,1 -"921",14667,0,0,0,0,11648,2648,26315,17315,17315,32915,29,34773,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.277538,17315,0,0,0,0,1,0,0,0,1,0,0,0,0 -"922",0,0,0,0,0,0,0,0,0,0,0,35,1596,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"923",0,0,85000,77000,8000,78449,51299,78449,51299,59299,165799,43,85575,4,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,51299,1,0,0,0,0,0,0,1,0,0,1,0,0 -"924",4000,0,0,0,0,21000,21000,25000,25000,25000,31250,44,30408,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.2906278,25000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"925",0,0,135000,72000,63000,1733,1733,1733,1733,64733,76204,54,51654,3,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,1733,1,0,0,0,0,0,1,0,0,0,0,1,0 -"926",0,0,32500,32500,0,420,-1580,420,-1580,-1580,6120,47,53856,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1580,1,0,0,0,0,0,1,0,0,0,0,1,0 -"927",0,0,4000,0,4000,130,-3570,130,-3570,430,430,49,3840,2,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-3570,1,1,0,0,0,0,0,0,0,0,0,1,0 -"928",1500,0,0,0,0,19000,10000,20500,11500,11500,27500,37,99159,1,16,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.3313638,11500,0,0,0,0,0,0,0,1,0,0,1,0,0 -"929",0,0,72000,0,72000,1500,-4800,1500,-4800,67200,67200,35,47922,4,12,1,1,1,0,1,0,0,0,0,1,0,0,5,2,0.6077043,-4800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"930",0,0,300000,15000,285000,11997,11997,11997,11997,296997,306997,51,30456,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,11997,1,0,0,0,1,0,0,0,0,0,0,1,0 -"931",0,0,210000,100000,110000,6000,5000,6000,5000,115000,125000,32,54948,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,5000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"932",0,0,130000,78000,52000,5982,-2308,5982,-2308,49692,49692,40,29700,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.3978536,-2308,1,0,0,1,0,0,0,0,0,0,1,0,0 -"933",0,0,5000,1500,3500,13,13,13,13,3513,7213,34,15876,8,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,13,1,0,1,0,0,0,0,0,0,1,0,0,0 -"934",0,0,8000,0,8000,5000,1264,5000,1264,9264,9764,37,8268,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,1264,1,1,0,0,0,0,0,0,0,0,1,0,0 -"935",0,0,150000,110000,40000,900,-2600,900,-2600,37400,229900,46,59736,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"936",0,0,0,0,0,318,318,318,318,318,318,42,36840,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,318,0,0,0,0,1,0,0,0,0,0,1,0,0 -"937",0,0,0,0,0,6005,6005,6005,6005,6005,10255,29,21660,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,6005,0,0,0,1,0,0,0,0,1,0,0,0,0 -"938",28512,0,89000,0,89000,178500,178500,207012,207012,296012,296012,60,56712,2,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,207012,1,0,0,0,0,0,1,0,0,0,0,0,1 -"939",0,0,145000,47000,98000,79999,79999,79999,79999,177999,179499,45,66000,2,13,1,0,1,0,1,0,0,0,0,0,1,0,6,3,0.7472324,79999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"940",0,0,300000,20000,280000,10747,10747,10747,10747,290747,290747,43,33288,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,10747,1,0,0,0,1,0,0,0,0,0,1,0,0 -"941",0,0,0,0,0,0,0,0,0,0,0,58,11433,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"942",0,0,120000,37000,83000,4000,4000,4000,4000,87000,99500,44,36720,4,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,4000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"943",0,0,0,0,0,0,-1700,0,-1700,-1700,1250,41,17100,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1700,0,0,1,0,0,0,0,0,0,0,1,0,0 -"944",0,0,60000,32300,27700,8406,3738,8406,3738,31438,34106,54,26520,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,3738,1,0,0,1,0,0,0,0,0,0,0,1,0 -"945",3000,0,225000,100250,124750,10400,10100,13400,13100,137850,137850,33,72582,4,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13100,1,0,0,0,0,0,1,0,0,1,0,0,0 -"946",0,0,0,0,0,945,-11055,945,-11055,-11055,-2356,42,55041,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-11055,0,0,0,0,0,0,1,0,0,0,1,0,0 -"947",15000,0,130000,80000,50000,20000,20000,35000,35000,85000,183000,56,23700,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,35000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"948",0,0,0,0,0,0,0,0,0,0,0,39,20148,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"949",0,0,0,0,0,4500,4410,4500,4410,4410,11871,26,11625,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,4410,0,0,1,0,0,0,0,0,1,0,0,0,0 -"950",1000,0,165000,100000,65000,3200,2300,4200,3300,68300,84300,41,49356,4,17,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,3300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"951",0,0,0,0,0,0,-1100,0,-1100,-1100,1400,28,12306,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"952",0,0,0,0,0,100,-2900,100,-2900,-2900,-1835,49,29814,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2900,0,0,0,1,0,0,0,0,0,0,0,1,0 -"953",13000,0,175000,40000,135000,5000,3500,18000,16500,151500,156500,59,39681,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,16500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"954",0,0,0,0,0,0,-1000,0,-1000,-1000,0,36,20400,4,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"955",0,0,70000,0,70000,16506,16175,16506,16175,86175,86175,60,14190,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,16175,1,0,1,0,0,0,0,0,0,0,0,0,1 -"956",0,0,140000,60000,80000,4500,3500,4500,3500,83500,83885,42,41316,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"957",0,0,0,0,0,450,450,450,450,450,9450,52,7200,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,450,0,1,0,0,0,0,0,0,0,0,0,1,0 -"958",4500,0,90000,72500,17500,33500,33500,38000,38000,55500,73000,39,99345,1,14,0,0,1,0,1,0,0,1,0,0,1,0,7,3,0.4373496,38000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"959",0,0,0,0,0,1000,-2000,1000,-2000,-2000,-300,29,22539,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"960",0,0,30000,0,30000,33000,33000,33000,33000,63000,68075,54,19770,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,33000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"961",0,0,0,0,0,0,0,0,0,0,0,49,18900,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"962",0,0,57500,57500,0,8500,4100,8500,4100,4100,11100,41,42264,3,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,4100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"963",4700,0,0,0,0,2300,-700,7000,4000,4000,12000,31,27708,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2061994,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"964",0,0,0,0,0,50038,49538,50038,49538,49538,54238,42,15000,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,49538,0,0,1,0,0,0,0,0,0,0,1,0,0 -"965",4447,0,0,0,0,0,0,4447,4447,4447,4447,53,3780,1,4,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2246842,4447,0,1,0,0,0,0,0,0,0,0,0,1,0 -"966",0,0,0,0,0,199,199,199,199,199,1699,33,10140,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,199,0,0,1,0,0,0,0,0,0,1,0,0,0 -"967",0,0,0,0,0,1900,700,1900,700,700,26700,46,34938,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,700,0,0,0,0,1,0,0,0,0,0,0,1,0 -"968",0,0,95000,8000,87000,609,-14091,609,-14091,72909,72909,39,48138,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-14091,1,0,0,0,0,1,0,0,0,0,1,0,0 -"969",0,0,70000,70000,0,200,200,200,200,200,200,30,42315,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,200,1,0,0,0,0,1,0,0,0,1,0,0,0 -"970",0,0,0,0,0,0,0,0,0,0,0,34,9180,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"971",4000,0,130000,0,130000,0,0,4000,4000,134000,160500,55,39216,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,4000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"972",0,0,55000,24350,30650,10000,9800,10000,9800,40450,45475,50,28650,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,9800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"973",0,0,170000,0,170000,17899,17899,17899,17899,187899,187899,52,72672,3,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.6688337,17899,1,0,0,0,0,0,1,0,0,0,0,1,0 -"974",32000,0,100000,70000,30000,40657,40607,72657,72607,102607,304234,55,36552,5,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72607,1,0,0,0,1,0,0,0,0,0,0,0,1 -"975",0,0,0,0,0,0,0,0,0,0,1000,28,23388,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"976",0,0,0,0,0,1200,-2800,1200,-2800,-2800,3025,38,51354,4,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,-2800,0,0,0,0,0,0,1,0,0,0,1,0,0 -"977",0,0,52000,42000,10000,3300,-1200,3300,-1200,8800,24800,33,58428,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-1200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"978",0,0,0,0,0,300,300,300,300,300,300,27,36393,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"979",0,0,50000,50000,0,0,-1500,0,-1500,-1500,-1500,42,28800,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"980",0,0,250000,36000,214000,1698,-1302,1698,-1302,212698,366698,36,28476,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-1302,1,0,0,1,0,0,0,0,0,0,1,0,0 -"981",0,0,0,0,0,0,0,0,0,0,3000,36,19407,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"982",0,0,0,0,0,4600,1586,4600,1586,1586,8586,37,25134,2,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.4366938,1586,0,0,0,1,0,0,0,0,0,0,1,0,0 -"983",0,0,110000,71900,38100,150,150,150,150,38250,40916,40,50742,3,12,0,0,0,0,1,0,0,0,0,1,0,0,6,2,0.4938007,150,1,0,0,0,0,0,1,0,0,0,1,0,0 -"984",5000,0,0,0,0,999,999,5999,5999,5999,15499,31,14460,2,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.105793,5999,0,0,1,0,0,0,0,0,0,1,0,0,0 -"985",2100,0,70000,50000,20000,100498,100498,102598,102598,122598,130673,48,17550,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,102598,1,0,1,0,0,0,0,0,0,0,0,1,0 -"986",0,0,85000,25000,60000,11700,11700,11700,11700,71700,75050,46,30492,4,11,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3866406,11700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"987",0,0,0,0,0,2249,1399,2249,1399,1399,7399,31,53841,2,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5000061,1399,0,0,0,0,0,0,1,0,0,1,0,0,0 -"988",0,0,0,0,0,0,-250,0,-250,-250,-250,32,7152,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-250,0,1,0,0,0,0,0,0,0,1,0,0,0 -"989",0,0,30000,19500,10500,0,0,0,0,10500,20500,49,16812,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"990",8000,0,0,0,0,13000,13000,21000,21000,21000,29463,34,39210,2,17,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,21000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"991",8000,0,120000,70000,50000,1687,1687,9687,9687,59687,70387,31,25254,1,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,9687,1,0,0,1,0,0,0,0,0,1,0,0,0 -"992",0,0,0,0,0,20,20,20,20,20,20,33,21228,4,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.4366938,20,0,0,0,1,0,0,0,0,0,1,0,0,0 -"993",7500,0,170000,100000,70000,80496,80496,87996,87996,157996,288996,49,79023,4,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,87996,1,0,0,0,0,0,0,1,0,0,0,1,0 -"994",0,0,0,0,0,0,-600,0,-600,-600,900,32,7680,4,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-600,0,1,0,0,0,0,0,0,0,1,0,0,0 -"995",0,0,0,0,0,0,0,0,0,0,0,35,9042,1,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"996",0,0,0,0,0,1999,-7001,1999,-7001,-7001,-5501,36,29220,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-7001,0,0,0,1,0,0,0,0,0,0,1,0,0 -"997",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,34,27294,2,9,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"998",0,0,100000,100000,0,4300,4300,4300,4300,4300,4300,41,31560,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,4300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"999",0,0,0,0,0,0,0,0,0,0,100000,26,8160,4,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1000",0,0,170000,126400,43600,2100,1600,2100,1600,45200,53200,27,74970,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,1600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1001",0,0,30000,21000,9000,0,-960,0,-960,8040,8040,39,7200,5,12,1,1,0,0,1,0,0,0,0,1,0,0,1,2,0.375,-960,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1002",0,0,0,0,0,1299,-301,1299,-301,-301,3032,46,47403,3,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-301,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1003",0,0,260000,150000,110000,999,-6501,999,-6501,103499,103499,47,33780,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6501,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1004",0,0,0,0,0,386,-476,386,-476,-476,24,30,11703,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-476,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1005",12000,0,120000,15000,105000,28200,28200,40200,40200,145200,147200,35,39480,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,40200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1006",0,0,0,0,0,10899,7899,10899,7899,7899,11624,60,29424,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,7899,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1007",0,0,0,0,0,1000,500,1000,500,500,102500,31,40860,2,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,500,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1008",0,0,0,0,0,700,100,700,100,100,1950,40,23538,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1009",0,0,96000,39900,56100,1479,-1021,1479,-1021,55079,55079,41,57795,4,18,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-1021,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1010",0,0,4000,0,4000,0,0,0,0,4000,7550,35,12240,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1011",6000,0,50000,0,50000,7300,5425,13300,11425,61425,68925,27,36639,4,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,11425,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1012",0,0,0,0,0,0,0,0,0,0,0,64,11775,3,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1013",0,0,35000,0,35000,1099,1099,1099,1099,36099,36099,59,35241,2,8,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,1099,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1014",78219,0,150000,0,150000,61500,60630,139719,138849,288849,288849,58,34755,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,138849,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1015",36560,0,65000,14500,50500,106624,106624,143184,143184,193684,193684,63,42909,2,8,1,1,0,0,1,0,0,1,1,0,0,0,5,1,0.7196674,143184,1,0,0,0,0,1,0,0,0,0,0,0,1 -"1016",0,0,0,0,0,0,-661,0,-661,-661,-661,57,18132,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-661,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1017",0,0,13000,13000,0,0,-70,0,-70,-70,1780,33,16320,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-70,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1018",0,0,0,0,0,500,500,500,500,500,1833,41,16200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1019",0,0,0,0,0,4357,-2643,4357,-2643,-2643,19257,36,38061,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-2643,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1020",7000,0,115000,88000,27000,8000,8000,15000,15000,42000,49500,33,50751,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1021",0,0,0,0,0,236,-2264,236,-2264,-2264,-2264,41,9561,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2264,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1022",0,0,0,0,0,28000,28000,28000,28000,28000,31333,40,29220,1,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,28000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1023",2150,0,31000,8300,22700,875,75,3025,2225,24925,24925,60,22986,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,2225,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1024",0,0,0,0,0,1600,100,1600,100,100,600,30,13005,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1025",0,0,0,0,0,2800,300,2800,300,300,300,28,33906,2,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1026",0,0,0,0,0,8503,1003,8503,1003,1003,9464,40,23988,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1003,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1027",0,0,190000,66000,124000,1000,800,1000,800,124800,133800,35,51900,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1028",0,0,0,0,0,500,-100,500,-100,-100,1642,25,14178,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1029",0,0,0,0,0,0,0,0,0,0,0,30,16608,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1030",1100,0,0,0,0,3000,-2000,4100,-900,-900,966,34,36993,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,-900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1031",0,0,0,0,0,0,0,0,0,0,0,26,17952,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1032",0,0,0,0,0,0,0,0,0,0,0,41,11202,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1033",0,0,55000,15000,40000,300,-15500,300,-15500,24500,35500,48,20592,2,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-15500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1034",2900,0,0,0,0,2499,2499,5399,5399,5399,7399,31,13479,3,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,5399,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1035",0,0,0,0,0,75,-75,75,-75,-75,2000,33,7800,3,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-75,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1036",0,0,0,0,0,0,-200,0,-200,-200,2300,26,4164,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-200,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1037",0,0,0,0,0,0,0,0,0,0,0,53,12240,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1038",0,0,0,0,0,5900,-1900,5900,-1900,-1900,33100,52,22995,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-1900,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1039",35000,0,100000,34500,65500,67676,67676,102676,102676,168176,168176,53,64158,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,102676,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1040",0,0,0,0,0,2449,1149,2449,1149,1149,7649,34,29850,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,1149,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1041",0,0,30000,16500,13500,299,-15051,299,-15051,-1551,-1551,48,29964,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-15051,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1042",0,0,20000,16000,4000,0,-570,0,-570,3430,3430,38,17781,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-570,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1043",0,0,46000,0,46000,15600,13600,15600,13600,59600,60100,30,17160,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,13600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1044",0,0,75000,65500,9500,475,-4757,475,-4757,4743,19743,33,41130,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4757,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1045",15000,0,0,0,0,599,599,15599,15599,15599,16099,61,19278,1,8,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,15599,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1046",0,0,0,0,0,325,-295,325,-295,-295,-195,42,12213,5,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-295,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1047",0,0,65000,28000,37000,999,999,999,999,37999,37999,42,28503,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1048",0,0,0,0,0,600,600,600,600,600,600,30,7884,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,600,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1049",0,0,90000,66000,24000,31570,30570,31570,30570,54570,59492,35,40224,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,30570,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1050",0,0,60000,54000,6000,10000,10000,10000,10000,16000,16000,28,51117,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,10000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1051",23000,0,125000,25000,100000,37400,37400,60400,60400,160400,167749,64,31254,4,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,60400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1052",0,0,80000,37000,43000,41219,31169,41219,31169,74169,74169,36,82575,6,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,31169,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1053",0,0,250000,0,250000,54999,54869,54999,54869,304869,314869,49,18729,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,54869,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1054",0,0,0,0,0,200,-300,200,-300,-300,700,40,24795,3,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1055",0,0,0,0,0,200,200,200,200,200,3300,47,21813,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,200,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1056",0,0,45000,0,45000,2000,500,2000,500,45500,45500,60,2550,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,500,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1057",0,0,0,0,0,800,-200,800,-200,-200,-200,31,19056,5,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3791962,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1058",0,0,0,0,0,249,49,249,49,49,4574,25,14781,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,49,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1059",0,0,150000,100000,50000,10000,500,10000,500,50500,50500,30,89550,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1060",0,0,55000,35000,20000,1300,500,1300,500,20500,20500,46,25350,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1061",0,0,0,0,0,0,0,0,0,0,0,40,10200,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1062",0,0,0,0,0,0,0,0,0,0,0,27,4056,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1063",0,0,45000,36500,8500,1800,-8200,1800,-8200,300,3300,54,35754,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-8200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1064",15000,0,75000,7500,67500,11000,9100,26000,24100,91600,109400,40,24660,2,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,24100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1065",0,0,100000,29900,70100,3000,-3300,3000,-3300,66800,66800,57,37569,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-3300,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1066",0,0,25000,0,25000,1571,-1829,1571,-1829,23171,53170,60,25005,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1829,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1067",0,0,90000,38500,51500,2099,-6901,2099,-6901,44599,52341,37,38112,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-6901,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1068",0,0,160000,145000,15000,113,-32887,113,-32887,-17887,-15587,35,57156,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-32887,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1069",0,0,75000,0,75000,5300,1800,5300,1800,76800,76800,52,19050,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,1800,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1070",0,0,80000,15000,65000,1500,-18500,1500,-18500,46500,47000,56,12024,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-18500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1071",0,0,70000,50000,20000,0,0,0,0,20000,24500,43,31254,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1072",0,0,0,0,0,1275,-16725,1275,-16725,-16725,33275,48,37416,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-16725,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1073",75000,0,125000,0,125000,120000,120000,195000,195000,320000,421000,61,55446,3,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,195000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1074",0,0,0,0,0,0,0,0,0,0,0,41,4050,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1075",0,0,0,0,0,0,-16200,0,-16200,-16200,-16200,26,7440,4,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,-16200,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1076",0,0,5000,4499,501,27500,27500,27500,27500,28001,32601,40,19704,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,27500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1077",0,0,0,0,0,1400,-600,1400,-600,-600,3250,30,19443,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-600,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1078",0,0,0,0,0,68,68,68,68,68,68,42,9945,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,68,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1079",0,0,25000,22000,3000,0,0,0,0,3000,3000,27,12240,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1080",30000,0,120000,60000,60000,22500,20500,52500,50500,110500,233500,44,90483,6,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,50500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1081",0,0,0,0,0,1500,1500,1500,1500,1500,2000,63,10887,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1082",0,0,0,0,0,0,0,0,0,0,0,53,5748,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1083",0,0,60000,27810,32190,250,250,250,250,32440,37624,56,35742,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,250,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1084",0,0,0,0,0,400,-3450,400,-3450,-3450,-3450,36,14559,3,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3791962,-3450,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1085",0,0,0,0,0,0,0,0,0,0,0,47,7041,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1086",0,0,0,0,0,399,399,399,399,399,4438,61,19557,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,399,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1087",0,0,50000,40000,10000,3500,300,3500,300,10300,105300,49,60150,3,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1088",0,0,0,0,0,0,0,0,0,0,500,32,3504,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1089",34000,0,0,0,0,103800,103800,137800,137800,137800,142325,62,23535,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,137800,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1090",0,0,0,0,0,500,-6500,500,-6500,-6500,-6000,28,15294,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1091",0,0,0,0,0,80,-420,80,-420,-420,7580,63,14994,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-420,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1092",0,0,0,0,0,0,0,0,0,0,1500,35,11844,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1093",10000,0,100000,24500,75500,1379,974,11379,10974,86474,86474,59,29415,8,12,1,1,0,0,1,0,0,1,0,1,0,0,3,2,0.3788275,10974,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1094",7000,0,90000,17000,73000,3000,2500,10000,9500,82500,87350,47,31431,3,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,9500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1095",0,0,10000,6000,4000,699,-701,699,-701,3299,4379,27,18090,5,7,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-701,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1096",0,0,0,0,0,0,0,0,0,0,0,55,45384,13,10,0,1,1,0,1,0,0,0,1,0,0,0,5,1,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 -"1097",6000,0,80000,60000,20000,3699,3699,9699,9699,29699,30999,27,56691,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,9699,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1098",10000,0,167000,42000,125000,5499,5499,15499,15499,140499,140499,44,56250,4,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,15499,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1099",0,0,38000,35000,3000,16500,15800,16500,15800,18800,24550,32,32856,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,15800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1100",0,0,250000,78000,172000,2000,2000,2000,2000,174000,174000,40,28680,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1101",0,0,0,0,0,100,-3400,100,-3400,-3400,-2900,27,21000,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1102",0,0,175000,19800,155200,2008,8,2008,8,155208,155208,60,22551,5,1,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,8,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1103",0,0,0,0,0,0,0,0,0,0,200,26,10200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1104",0,0,300000,150000,150000,2600,150,2600,150,150150,150150,37,29946,4,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,150,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1105",200,0,65000,27900,37100,310,-740,510,-540,36560,37993,34,25998,3,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-540,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1106",0,0,0,0,0,0,0,0,0,0,1000,31,34500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1107",0,0,25000,0,25000,3330,3330,3330,3330,28330,28330,45,15441,4,8,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1582553,3330,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1108",0,0,80000,0,80000,0,-200,0,-200,79800,86300,55,36924,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-200,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1109",0,0,0,0,0,0,0,0,0,0,0,38,7110,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1110",0,0,0,0,0,0,0,0,0,0,0,42,2838,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1111",0,0,0,0,0,0,0,0,0,0,0,33,13380,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1112",0,0,0,0,0,1000,700,1000,700,700,16000,31,19860,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,700,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1113",0,0,69000,32000,37000,469,-4331,469,-4331,32669,42669,38,24849,7,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-4331,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1114",0,0,0,0,0,0,-1400,0,-1400,-1400,1900,35,30000,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1115",0,0,70000,38000,32000,20299,20269,20299,20269,52269,52769,33,13440,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,20269,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1116",0,0,97000,0,97000,0,-5100,0,-5100,91900,91900,48,35700,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-5100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1117",0,0,30000,0,30000,0,-3000,0,-3000,27000,27000,42,16830,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1118",0,0,120000,29000,91000,8299,8099,8299,8099,99099,118599,62,52320,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,8099,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1119",0,0,125000,96000,29000,10820,10520,10820,10520,39520,54120,43,65526,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,10520,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1120",0,0,0,0,0,6910,2660,6910,2660,2660,6660,27,40110,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,2660,0,0,0,0,0,1,0,0,1,0,0,0,0 -"1121",0,0,80000,47000,33000,3200,-500,3200,-500,32500,33000,38,10098,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1122",0,0,0,0,0,0,0,0,0,0,0,31,12588,6,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1123",0,0,0,0,0,400,-3600,400,-3600,-3600,-3100,34,21816,4,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3600,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1124",0,0,45000,45000,0,869,869,869,869,869,869,40,35439,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,869,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1125",0,0,210000,88000,122000,1400,-1300,1400,-1300,120700,120700,37,35700,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1126",0,0,60000,25000,35000,2000,1400,2000,1400,36400,36400,39,14025,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,1400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1127",0,0,73000,68000,5000,0,-3550,0,-3550,1450,11836,60,25356,1,4,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-3550,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1128",0,0,84000,0,84000,3699,-19301,3699,-19301,64699,68049,45,8430,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-19301,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1129",0,0,0,0,0,0,0,0,0,0,2000,33,45951,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1130",4000,0,0,0,0,7000,4000,11000,8000,8000,8000,25,13800,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,8000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1131",0,0,89000,43500,45500,2930,2130,2930,2130,47630,51630,42,50037,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2130,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1132",0,0,0,0,0,4900,4350,4900,4350,4350,19888,26,23040,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4350,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1133",0,0,50000,37000,13000,5300,2300,5300,2300,15300,15300,37,47772,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1134",0,0,300000,76000,224000,5099,3599,5099,3599,227599,227599,27,45300,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3599,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1135",0,0,100000,58000,42000,3050,-21950,3050,-21950,20050,507725,33,24711,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-21950,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1136",0,0,0,0,0,0,-800,0,-800,-800,-800,52,40224,3,10,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.5995759,-800,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1137",0,0,43000,43000,0,1060,-12946,1060,-12946,-12946,-5521,27,45750,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-12946,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1138",0,0,73000,63000,10000,800,-7200,800,-7200,2800,4300,47,39525,3,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-7200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1139",950,0,170000,40000,130000,3800,3800,4750,4750,134750,264750,49,47691,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,4750,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1140",0,0,50000,0,50000,0,0,0,0,50000,50500,37,12324,9,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1141",0,0,50000,42500,7500,499,-1627,499,-1627,5873,9873,50,22980,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-1627,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1142",0,0,70000,32000,38000,7249,4249,7249,4249,42249,42249,43,44751,5,18,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.6077043,4249,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1143",0,0,0,0,0,964,-136,964,-136,-136,4864,38,20820,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-136,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1144",0,0,172900,150000,22900,1400,-3100,1400,-3100,19800,28621,28,21450,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1145",0,0,0,0,0,7700,100,7700,100,100,5600,39,21240,4,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1146",0,0,0,0,0,0,-4200,0,-4200,-4200,-2280,27,13200,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1147",5803,0,85000,0,85000,98854,76592,104657,82395,167395,176629,52,21492,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,82395,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1148",3500,0,0,0,0,3000,-2000,6500,1500,1500,19811,54,30000,1,14,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.2906278,1500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1149",13000,0,230000,20000,210000,45340,45190,58340,58190,268190,274440,49,30420,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,58190,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1150",0,0,56000,8000,48000,600,100,600,100,48100,49100,41,28035,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1151",0,0,0,0,0,0,-2000,0,-2000,-2000,-347,28,28911,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1152",2400,0,190000,150000,40000,3010,-1958,5410,442,40442,40942,27,15735,1,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.1320933,442,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1153",0,0,40000,0,40000,758,758,758,758,40758,40758,64,11247,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,758,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1154",0,0,0,0,0,10315,9428,10315,9428,9428,11928,48,8475,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,9428,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1155",0,0,50000,0,50000,6000,6000,6000,6000,56000,56000,51,23364,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,6000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1156",0,0,0,0,0,4420,4190,4420,4190,4190,4190,52,7704,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,4190,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1157",50000,0,42000,24900,17100,12499,7499,62499,57499,74599,83599,44,33774,3,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,57499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1158",0,0,0,0,0,999,999,999,999,999,999,31,23265,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,999,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1159",0,0,0,0,0,1499,-14701,1499,-14701,-14701,-14301,47,42690,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-14701,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1160",0,0,44000,44000,0,0,-8000,0,-8000,-8000,-1000,31,11460,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-8000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1161",0,0,0,0,0,1849,1849,1849,1849,1849,9445,42,33138,1,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,1849,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1162",0,0,100000,60000,40000,19999,14999,19999,14999,54999,54999,46,40950,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,14999,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1163",0,0,0,0,0,12155,11654,12155,11654,11654,12740,29,44952,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,11654,0,0,0,0,0,1,0,0,1,0,0,0,0 -"1164",0,0,0,0,0,290,-5710,290,-5710,-5710,-2260,53,15300,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-5710,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1165",450,0,0,0,0,10,-415,460,35,35,2701,25,16242,4,10,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,35,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1166",0,0,0,0,0,0,0,0,0,0,0,40,40620,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"1167",0,0,39500,39500,0,2325,-4975,2325,-4975,-4975,-4975,37,37668,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-4975,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1168",0,0,50000,46750,3250,57,57,57,57,3307,3307,31,20436,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,57,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1169",0,0,19000,13500,5500,480,-3820,480,-3820,1680,5280,33,25782,2,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-3820,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1170",0,0,15000,12000,3000,5,-4255,5,-4255,-1255,-1255,30,5046,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-4255,1,1,0,0,0,0,0,0,0,1,0,0,0 -"1171",0,0,49500,28000,21500,20,-2480,20,-2480,19020,22870,45,17616,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-2480,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1172",30000,0,200000,82000,118000,165000,165000,195000,195000,313000,329000,44,128700,4,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,195000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1173",0,0,0,0,0,5049,2949,5049,2949,2949,5282,29,7500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,2949,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1174",9900,0,55000,15000,40000,8100,8100,18000,18000,58000,71000,51,57291,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,18000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1175",0,0,50000,29000,21000,700,-20509,700,-20509,491,50491,39,30021,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-20509,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1176",0,0,80000,75800,4200,2100,-1400,2100,-1400,2800,6300,31,44598,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-1400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1177",2000,0,200000,0,200000,1000,1000,3000,3000,203000,203000,63,5982,3,12,0,1,0,0,1,0,0,1,0,1,0,0,1,2,0.2088342,3000,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1178",0,0,110000,0,110000,840,840,840,840,110840,114190,59,12921,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,840,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1179",0,0,0,0,0,422,-1150,422,-1150,-1150,2400,29,24792,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1150,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1180",0,0,0,0,0,1560,-9940,1560,-9940,-9940,-3465,39,52110,1,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.5906146,-9940,0,0,0,0,0,0,1,0,0,0,1,0,0 -"1181",0,0,0,0,0,849,849,849,849,849,849,31,20445,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,849,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1182",0,0,160000,135000,25000,4500,-1100,4500,-1100,23900,33100,36,29100,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-1100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1183",0,0,0,0,0,730,-20157,730,-20157,-20157,-14915,44,1200,1,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-20157,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1184",0,0,120000,95000,25000,500,300,500,300,25300,28633,43,27840,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1185",0,0,40000,30000,10000,200,200,200,200,10200,13200,36,39942,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1186",0,0,51000,0,51000,400,200,400,200,51200,87908,51,24000,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1187",0,0,135000,40000,95000,26000,26000,26000,26000,121000,121000,47,55557,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1188",0,0,0,0,0,400,-479,400,-479,-479,21,28,7869,1,11,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-479,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1189",0,0,165000,129000,36000,3000,1500,3000,1500,37500,41117,28,43485,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,1500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1190",0,0,0,0,0,1784,-216,1784,-216,-216,-216,47,11100,4,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-216,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1191",0,0,60000,32500,27500,3149,2149,3149,2149,29649,30649,40,12915,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2149,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1192",0,0,0,0,0,0,0,0,0,0,0,25,10200,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1193",0,0,0,0,0,0,0,0,0,0,0,35,18750,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1194",0,0,0,0,0,120,-180,120,-180,-180,320,28,28572,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-180,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1195",0,0,0,0,0,670,-348,670,-348,-348,402,32,15195,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-348,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1196",6000,0,65000,30000,35000,5500,-1400,11500,4600,39600,39600,34,31839,2,18,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,4600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1197",14000,0,0,0,0,199,-5801,14199,8199,8199,8199,44,10173,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,8199,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1198",0,0,210000,150000,60000,7150,4650,7150,4650,64650,88650,33,48300,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4650,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1199",0,0,80000,43000,37000,600,400,600,400,37400,42453,32,22149,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1200",0,0,97000,7000,90000,80,-210,80,-210,89790,90290,62,9213,1,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-210,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1201",0,0,95000,0,95000,1180,1180,1180,1180,96180,96180,51,26262,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1180,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1202",0,0,0,0,0,0,-2600,0,-2600,-2600,1343,39,7560,2,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2600,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1203",0,0,0,0,0,300,300,300,300,300,300,62,9846,7,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1204",0,0,0,0,0,0,0,0,0,0,0,27,10008,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1205",0,0,0,0,0,624,-576,624,-576,-576,519,50,30498,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-576,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1206",0,0,40000,23000,17000,1800,1800,1800,1800,18800,18800,52,27939,7,7,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,1800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1207",0,0,0,0,0,50,50,50,50,50,-650,28,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1208",0,0,54000,20500,33500,0,-500,0,-500,33000,39003,55,14352,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1209",0,0,100000,22500,77500,1000,-4400,1000,-4400,73100,77300,46,25200,2,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-4400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1210",0,0,120000,50000,70000,2150,2150,2150,2150,72150,72150,46,77235,5,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,2150,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1211",0,0,0,0,0,49,-1951,49,-1951,-1951,-1951,31,24012,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-1951,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1212",0,0,0,0,0,0,-600,0,-600,-600,-275,37,13380,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1213",0,0,0,0,0,1500,1200,1500,1200,1200,1300,29,20568,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,1200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1214",0,0,30000,21900,8100,0,-500,0,-500,7600,7600,44,18900,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1215",0,0,50000,41200,8800,100,100,100,100,8900,23900,36,34386,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1216",0,0,77000,59000,18000,1435,-665,1435,-665,17335,18535,33,58878,6,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-665,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1217",0,0,0,0,0,56,-1214,56,-1214,-1214,-1214,33,9090,4,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1214,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1218",0,0,0,0,0,50,-350,50,-350,-350,-350,29,10800,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1219",0,0,0,0,0,0,0,0,0,0,0,53,12744,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1220",40000,0,300000,100000,200000,11500,11250,51500,51250,251250,251250,40,120750,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,51250,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1221",19500,0,75000,30000,45000,22300,22300,41800,41800,86800,86800,54,20019,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,41800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1222",8000,0,186000,132800,53200,1500,500,9500,8500,61700,61700,32,38490,4,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,8500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1223",0,0,95000,0,95000,3200,2950,3200,2950,97950,99150,41,44790,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2950,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1224",0,0,0,0,0,0,0,0,0,0,0,55,7872,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1225",0,0,0,0,0,0,0,0,0,0,0,33,13560,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1226",0,0,78000,65000,13000,4010,1910,4010,1910,14910,15510,30,60378,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1910,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1227",0,0,0,0,0,0,0,0,0,0,0,30,19440,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1228",0,0,0,0,0,0,-600,0,-600,-600,5453,47,7419,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-600,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1229",2800,0,0,0,0,3500,3400,6300,6200,6200,9225,26,8070,2,15,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,6200,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1230",0,0,0,0,0,1100,300,1100,300,300,10300,30,38130,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,300,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1231",0,0,0,0,0,332,-1468,332,-1468,-1468,2632,25,10500,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1468,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1232",0,0,0,0,0,0,0,0,0,0,0,37,10800,7,4,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1233",0,0,0,0,0,399,399,399,399,399,11078,43,23046,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,399,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1234",0,0,0,0,0,399,-2861,399,-2861,-2861,-2861,29,17373,3,17,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-2861,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1235",17000,0,60000,0,60000,19999,16449,36999,33449,93449,93449,62,28200,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,33449,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1236",0,0,75000,70000,5000,0,-500,0,-500,4500,8604,33,25500,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1237",0,0,140000,90000,50000,800,-2200,800,-2200,47800,54543,38,23937,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-2200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1238",50000,0,250000,33000,217000,794,-12206,50794,37794,254794,254794,55,36117,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,37794,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1239",2160,0,190000,116000,74000,71349,71349,73509,73509,147509,147509,35,47760,5,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,73509,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1240",11400,0,130000,20000,110000,4100,4100,15500,15500,125500,257642,54,31008,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,15500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1241",0,0,0,0,0,33000,5500,33000,5500,5500,5500,39,72360,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,5500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"1242",0,0,230000,150000,80000,15500,15500,15500,15500,95500,95500,40,79536,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,15500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1243",4000,0,0,0,0,22559,20059,26559,24059,24059,112409,54,26142,1,18,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.5117899,24059,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1244",0,0,60000,0,60000,0,-928,0,-928,59072,59072,36,8316,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-928,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1245",0,0,45000,0,45000,300,-2200,300,-2200,42800,42800,35,25215,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1246",0,0,0,0,0,0,-4910,0,-4910,-4910,-4910,64,10890,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4910,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1247",9000,0,90000,25000,65000,28500,24900,37500,33900,98900,233700,44,53697,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,33900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1248",5000,0,70000,0,70000,5700,2700,10700,7700,77700,87100,32,21915,2,17,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,7700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1249",12000,0,300000,150000,150000,17000,17000,29000,29000,179000,339000,36,95592,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1250",0,0,0,0,0,0,0,0,0,0,0,34,1920,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1251",0,0,0,0,0,2746,2746,2746,2746,2746,3246,52,41514,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,2746,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1252",400,0,26000,22600,3400,2900,2650,3300,3050,6450,7450,40,21645,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,3050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1253",0,0,0,0,0,0,0,0,0,0,500,36,8700,1,3,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1254",0,0,0,0,0,150,-4850,150,-4850,-4850,-107,34,21645,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-4850,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1255",0,0,0,0,0,3000,2600,3000,2600,2600,2600,60,21072,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,2600,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1256",0,0,20000,15000,5000,33499,32399,33499,32399,37399,53099,42,58305,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,32399,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1257",0,0,70000,0,70000,2000,2000,2000,2000,72000,73000,64,26826,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,2000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1258",0,0,0,0,0,0,0,0,0,0,2125,40,10902,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1259",0,0,16500,16500,0,0,-30000,0,-30000,-30000,-30000,26,9402,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-30000,1,1,0,0,0,0,0,0,1,0,0,0,0 -"1260",0,0,0,0,0,2100,398,2100,398,398,398,37,20781,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,398,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1261",0,0,0,0,0,0,-3500,0,-3500,-3500,-2000,50,12240,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3500,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1262",0,0,80000,0,80000,2100,2100,2100,2100,82100,84600,47,36210,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1263",0,0,0,0,0,200,200,200,200,200,1550,34,19350,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1264",0,0,0,0,0,72964,72964,72964,72964,72964,73464,59,55314,1,14,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,72964,0,0,0,0,0,0,1,0,0,0,0,0,1 -"1265",0,0,85000,39000,46000,2152,-3348,2152,-3348,42652,78652,43,43962,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3348,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1266",0,0,0,0,0,125,-475,125,-475,-475,-475,26,28200,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-475,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1267",0,0,0,0,0,1400,-1500,1400,-1500,-1500,4742,29,18516,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1268",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,36,15600,5,5,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1269",0,0,20000,10000,10000,140050,74350,140050,74350,84350,95350,36,19770,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,74350,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1270",0,0,0,0,0,32648,32648,32648,32648,32648,37890,61,17967,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,32648,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1271",0,0,0,0,0,0,-6500,0,-6500,-6500,-6000,28,14550,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1272",0,0,95000,60000,35000,2499,-8101,2499,-8101,26899,40899,36,45030,5,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-8101,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1273",0,0,0,0,0,4000,350,4000,350,350,2350,25,28059,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,350,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1274",10000,0,0,0,0,49225,49225,59225,59225,59225,59225,55,36300,1,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,59225,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1275",0,0,0,0,0,0,0,0,0,0,4742,49,9612,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1276",0,0,150000,130000,20000,15499,15499,15499,15499,35499,41499,38,93630,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,15499,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1277",0,0,49000,18200,30800,1700,1700,1700,1700,32500,33750,42,17817,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1700,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1278",0,0,46000,0,46000,0,-2373,0,-2373,43627,43627,32,13182,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2373,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1279",0,0,68000,45000,23000,1500,-100,1500,-100,22900,28400,40,48000,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1280",0,0,0,0,0,300,-8900,300,-8900,-8900,-4550,30,28443,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1281",0,0,120000,68000,52000,1000,-93000,1000,-93000,-41000,-31000,59,27174,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-93000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1282",4000,0,0,0,0,80000,79400,84000,83400,83400,83400,52,26400,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2061994,83400,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1283",0,0,60000,52000,8000,50,50,50,50,8050,8050,44,28830,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,50,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1284",0,0,85000,74000,11000,2249,2204,2249,2204,13204,13204,33,51912,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2204,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1285",0,0,6666,6000,666,0,0,0,0,666,791,31,14280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1286",0,0,62000,55100,6900,2600,-4400,2600,-4400,2500,9500,37,38601,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1287",0,0,0,0,0,0,0,0,0,0,0,40,10560,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1288",5900,0,40000,9200,30800,0,0,5900,5900,36700,37161,42,41883,1,16,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,5900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1289",0,0,30000,0,30000,0,0,0,0,30000,30000,61,23457,3,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1290",0,0,0,0,0,61068,55568,61068,55568,55568,58918,40,38241,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,55568,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1291",6000,0,75000,44000,31000,65000,64600,71000,70600,101600,128100,39,47499,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,70600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1292",0,0,40000,30000,10000,1189,789,1189,789,10789,12789,34,30198,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,789,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1293",0,0,42000,32700,9300,51,-8149,51,-8149,1151,1151,33,22818,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-8149,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1294",15000,0,50000,0,50000,5300,5300,20300,20300,70300,70300,53,55218,2,13,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1295",0,0,245000,150000,95000,27,27,27,27,95027,99127,63,18678,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,27,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1296",0,0,50000,25000,25000,200,-2800,200,-2800,22200,22580,38,20058,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2800,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1297",0,0,0,0,0,0,0,0,0,0,0,31,4380,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1298",28635,0,40000,11500,28500,5291,5291,33926,33926,62426,69426,59,43605,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,33926,1,0,0,0,0,1,0,0,0,0,0,0,1 -"1299",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,34,7374,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1300",0,0,0,0,0,499,-1,499,-1,-1,-1,35,21630,5,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-1,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1301",18615,0,150000,70000,80000,950,-1050,19565,17565,97565,97565,50,42759,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,17565,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1302",0,0,0,0,0,835,635,835,635,635,635,28,31668,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,635,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1303",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,36,11250,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1304",0,0,72000,3500,68500,1000,1000,1000,1000,69500,92500,64,38028,2,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1305",1200,0,140000,87000,53000,15004,14004,16204,15204,68204,71129,33,57753,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,15204,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1306",0,0,60000,23900,36100,500,500,500,500,36600,36600,56,39375,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1307",6000,0,140000,40000,100000,11200,850,57200,46850,146850,146850,50,40578,2,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,6850,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1308",0,0,45000,0,45000,199,173,199,173,45173,45173,62,14904,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,173,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1309",2540,0,98000,57000,41000,1707,1132,4247,3672,44672,46172,30,38148,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,3672,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1310",18000,0,78000,0,78000,550,550,18550,18550,96550,96550,46,25800,2,14,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,18550,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1311",0,0,80000,42900,37100,1000,1000,1000,1000,38100,54100,31,31338,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1312",0,0,0,0,0,1000,800,1000,800,800,1391,28,17100,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1313",0,0,60000,34500,25500,1300,-775,1300,-775,24725,24725,51,36648,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-775,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1314",1600,0,0,0,0,700,-800,2300,800,800,4825,49,16335,2,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,800,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1315",0,0,80000,80000,0,6875,934,6875,934,934,6419,41,44247,5,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,934,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1316",1590,0,150000,115000,35000,2850,-5314,4760,-3404,31596,31596,64,104919,2,17,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,-3724,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1317",0,0,150000,143000,7000,27700,25347,27700,25347,32347,34147,38,38085,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,25347,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1318",49000,0,54000,0,54000,2374,-1626,51374,47374,101374,101374,59,38283,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,47374,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1319",0,0,50000,24000,26000,1925,1925,1925,1925,27925,30425,41,36435,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1925,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1320",0,0,0,0,0,1000,-4500,1000,-4500,-4500,350,28,45360,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-4500,0,0,0,0,0,1,0,0,1,0,0,0,0 -"1321",0,0,0,0,0,0,0,0,0,0,0,36,2310,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1322",0,0,0,0,0,1900,1748,1900,1748,1748,1748,48,12576,2,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,1748,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1323",0,0,42750,42750,0,382,-1714,382,-1714,-1714,5636,40,25560,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,-1714,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1324",0,0,58000,0,58000,400,-6450,400,-6450,51550,51550,31,41292,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-6450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1325",0,0,50000,31500,18500,236,-3264,236,-3264,15236,21236,25,27270,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3264,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1326",0,0,60000,10600,49400,700,-6600,700,-6600,42800,44300,43,31800,3,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-6600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1327",2600,0,82000,63000,19000,100,100,2700,2700,21700,21700,36,40392,6,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1328",0,0,161000,150000,11000,4500,4470,4500,4470,15470,15470,57,24561,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4470,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1329",0,0,60000,45000,15000,111200,101200,118700,108700,123700,124250,46,49200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,101200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1330",0,0,0,0,0,75,-2050,75,-2050,-2050,-2050,26,26430,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2050,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1331",0,0,44650,44650,0,6215,2694,6215,2694,2694,7919,39,58578,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,2694,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1332",3900,0,0,0,0,3799,3799,7699,7699,7699,18752,59,35370,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.2906278,7699,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1333",0,0,39000,39000,0,0,0,0,0,0,0,33,17160,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1334",0,0,0,0,0,35000,33000,35000,33000,33000,40000,31,41376,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,33000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1335",4000,0,109000,48973,60027,4417,1217,8417,5217,65244,67644,32,33804,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5217,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1336",0,0,0,0,0,23400,21200,23400,21200,21200,21200,39,51123,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,21200,0,0,0,0,0,0,1,0,0,0,1,0,0 -"1337",0,0,0,0,0,7100,-150,7100,-150,-150,292,37,34101,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-150,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1338",1000,0,98000,70000,28000,61300,50925,62300,51925,79925,79925,36,57630,6,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,51925,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1339",0,0,0,0,0,500,-60,500,-60,-60,-60,40,14430,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-60,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1340",14800,0,92000,41183,50817,29855,19155,133255,122555,173372,181372,59,29499,3,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,33955,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1341",0,0,50000,0,50000,1000,900,1000,900,50900,53900,41,28620,4,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1342",600,0,0,0,0,20399,18899,20999,19499,19499,22849,49,21090,1,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,19499,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1343",0,0,125000,75000,50000,940,-5310,940,-5310,44690,44690,43,40200,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5310,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1344",0,0,175000,100000,75000,8699,8699,8699,8699,83699,83699,35,9933,2,12,1,1,0,1,1,0,0,0,0,1,0,0,1,2,0.375,8699,1,1,0,0,0,0,0,0,0,1,0,0,0 -"1345",0,0,49700,42500,7200,0,-12500,0,-12500,-5300,-5300,47,17988,5,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-12500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1346",0,0,0,0,0,0,0,0,0,0,0,28,12960,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1347",0,0,0,0,0,10100,8850,10100,8850,8850,36850,56,20643,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,8850,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1348",0,0,0,0,0,5,-8675,5,-8675,-8675,325,25,28800,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-8675,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1349",0,0,0,0,0,0,-1100,0,-1100,-1100,-1100,40,35190,9,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-1100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1350",0,0,16000,16000,0,0,-400,0,-400,-400,2600,37,11763,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1351",0,0,65000,63000,2000,601,-6599,601,-6599,-4599,-36,46,38886,2,10,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-6599,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1352",9300,0,0,0,0,78149,78149,87449,87449,87449,87949,52,32628,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,87449,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1353",3000,0,55000,25000,30000,76499,73499,119499,116499,146499,150374,57,45294,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,76499,1,0,0,0,0,1,0,0,0,0,0,0,1 -"1354",0,0,220000,57000,163000,300,-4300,300,-4300,158700,158700,53,12882,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1355",0,0,125000,70000,55000,32,-1068,32,-1068,53932,53932,42,60384,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1068,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1356",0,0,0,0,0,6600,400,6600,400,400,3575,25,32580,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,400,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1357",0,0,0,0,0,30,-59970,30,-59970,-59970,-59470,42,13500,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-59970,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1358",0,0,0,0,0,0,-157,0,-157,-157,843,33,11700,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-157,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1359",0,0,75000,50550,24450,6000,2000,6000,2000,26450,26450,41,82200,4,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,2000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1360",0,0,62000,62000,0,1953,1853,1953,1853,1853,5203,36,27741,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,1853,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1361",0,0,60000,0,60000,0,0,0,0,60000,60000,43,9747,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1362",0,0,0,0,0,0,-3100,0,-3100,-3100,-3100,43,21216,7,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-3100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1363",0,0,0,0,0,400,-100,400,-100,-100,500,32,17040,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1364",28000,0,0,0,0,26997,26997,54997,54997,54997,74997,55,27000,2,10,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2061994,54997,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1365",0,0,0,0,0,325,325,325,325,325,1325,34,33171,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,325,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1366",0,0,0,0,0,600,-100,600,-100,-100,33250,28,16590,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1367",0,0,80500,80500,0,0,-69300,0,-69300,-69300,-61200,46,16200,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-69300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1368",0,0,150000,50000,100000,1400,-2800,1400,-2800,97200,105200,45,68244,4,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-2800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1369",24000,0,100000,50000,50000,28000,28000,52000,52000,102000,114000,53,47520,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,52000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1370",8500,0,65000,41000,24000,248,-252,8748,8248,32248,33848,52,28419,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,8248,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1371",0,0,110000,100000,10000,182000,178915,182000,178915,188915,383915,36,77316,6,14,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,178915,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1372",0,0,0,0,0,1000,1000,1000,1000,1000,4350,29,28800,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1373",0,0,0,0,0,250,150,250,150,150,150,25,4980,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,150,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1374",0,0,0,0,0,50,50,50,50,50,50,60,6252,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,50,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1375",0,0,0,0,0,0,0,0,0,0,0,63,6480,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1376",0,0,35000,0,35000,600,600,600,600,35600,37650,52,13200,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1377",20000,0,65000,55000,10000,14300,13725,34300,33725,43725,43725,33,42699,3,16,0,1,1,1,1,0,0,1,0,0,0,1,5,4,0.4624346,33725,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1378",0,0,180000,120000,60000,26290,25290,26290,25290,85290,120715,34,66000,1,15,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,25290,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1379",4027,0,40000,0,40000,3725,-1147,7752,2880,42880,45574,46,21450,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,2880,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1380",500,0,40000,27000,13000,100,100,600,600,13600,13600,43,14511,5,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1381",0,0,0,0,0,50,-2350,50,-2350,-2350,-1850,25,13377,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1382",0,0,0,0,0,0,-5000,0,-5000,-5000,-1400,54,19620,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-5000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1383",0,0,75000,24000,51000,4830,2680,4830,2680,53680,53680,45,9876,4,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,2680,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1384",20450,0,65000,35000,30000,129500,129151,149950,149601,179601,179601,53,48732,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,149601,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1385",0,0,200000,0,200000,15149,15149,15149,15149,215149,254928,63,36978,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,15149,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1386",0,0,210000,115000,95000,7000,4800,7000,4800,99800,99800,49,56145,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,4800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1387",14000,0,0,0,0,10645,4545,24645,18545,18545,18545,54,35280,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,18545,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1388",0,0,0,0,0,0,0,0,0,0,13362,50,30600,3,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6600804,0,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1389",4411,0,0,0,0,9283,8583,13694,12994,12994,14494,55,18444,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,12994,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1390",0,0,0,0,0,0,0,0,0,0,500,40,19650,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1391",0,0,0,0,0,100,100,100,100,100,100,25,7044,4,5,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,100,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1392",17000,0,90000,68000,22000,3699,-6101,20699,10899,32899,35952,44,50154,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,10899,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1393",0,0,90000,83030,6970,5,-1895,5,-1895,5075,13075,31,28362,4,17,1,1,1,0,1,0,0,0,0,0,0,1,3,4,0.3978536,-1895,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1394",3770,0,90000,64500,25500,1949,1949,5719,5719,31219,31219,42,61744,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,5719,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1395",0,0,0,0,0,0,0,0,0,0,5242,49,14280,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1396",0,0,99500,56000,43500,5099,5099,5099,5099,48599,79099,37,21078,1,15,1,1,1,0,1,0,0,0,0,0,1,0,3,3,0.3978536,5099,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1397",0,0,0,0,0,2150,2150,2150,2150,2150,3650,37,31995,5,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,2150,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1398",0,0,0,0,0,600,600,600,600,600,775,32,62700,2,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.3169526,600,0,0,0,0,0,0,1,0,0,1,0,0,0 -"1399",18000,0,140000,100000,40000,16000,15200,34000,33200,73200,73200,36,45963,3,13,0,1,1,0,1,0,0,1,0,0,1,0,5,3,0.4624346,33200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1400",0,0,0,0,0,830,-3670,830,-3670,-3670,-545,41,31221,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3670,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1401",0,0,0,0,0,0,-3150,0,-3150,-3150,-3150,32,6315,6,10,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,-3150,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1402",0,0,0,0,0,50,-2350,50,-2350,-2350,5650,39,12522,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2350,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1403",6000,0,75000,40000,35000,2249,749,8249,6749,41749,60430,47,32649,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,6749,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1404",30000,0,300000,150000,150000,81000,76000,111000,106000,256000,311000,51,104802,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,106000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1405",0,0,40000,0,40000,0,0,0,0,40000,41775,45,31968,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1406",0,0,0,0,0,4999,4799,4999,4799,4799,9231,26,24942,4,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,4799,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1407",0,0,65000,52000,13000,3000,2000,3000,2000,15000,19500,30,46080,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1408",0,0,125000,0,125000,20,-2875,20,-2875,122125,122125,28,49284,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2875,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1409",0,0,0,0,0,0,0,0,0,0,10593,29,15276,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1410",13474,0,100000,0,100000,9000,9000,22474,22474,122474,122474,40,126750,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,22474,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1411",0,0,0,0,0,21000,21000,21000,21000,21000,37546,58,30528,1,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,21000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1412",500,0,70000,50000,20000,3600,-6400,4100,-5900,14100,17220,52,30045,4,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-5900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1413",0,0,60000,35000,25000,45,45,45,45,25045,28395,62,13218,2,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,45,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1414",0,0,0,0,0,1400,1400,1400,1400,1400,1400,27,32106,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,1400,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1415",3500,0,0,0,0,1488,288,4988,3788,3788,7138,43,23667,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,3788,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1416",27000,0,45000,0,45000,7999,7883,34999,34883,79883,82642,62,13836,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,34883,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1417",18000,0,0,0,0,67560,67560,85560,85560,85560,85560,49,17169,6,18,1,1,0,1,1,0,0,1,0,0,0,1,2,4,0.2883143,85560,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1418",0,0,170000,92000,78000,3800,-16700,3800,-16700,61300,138300,34,64821,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-16700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1419",0,0,0,0,0,1600,-400,1600,-400,-400,600,43,19392,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1420",0,0,37000,4200,32800,100,-4900,100,-4900,27900,27900,29,36873,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4900,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1421",8000,0,20000,0,20000,900,600,8900,8600,28600,32025,38,14415,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,8600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1422",0,0,45000,38000,7000,1000,988,1000,988,7988,22679,27,12933,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,988,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1423",400,0,6000,4000,2000,1005,555,1405,955,2955,5305,40,14640,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,955,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1424",10248,0,49900,42000,7900,2680,-4556,12928,5692,13592,13592,33,49845,2,18,0,1,1,1,1,0,0,1,0,0,0,1,5,4,0.4624346,5692,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1425",0,0,80000,0,80000,56200,54700,56200,54700,134700,347827,58,31575,2,12,1,1,1,0,1,0,0,0,0,1,0,0,4,2,0.5297047,54700,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1426",0,0,58000,46000,12000,1170,-3530,1170,-3530,8470,16470,31,44853,4,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-3530,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1427",0,0,40000,0,40000,0,0,0,0,40000,40000,52,945,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1428",8600,0,5000,0,5000,3200,3200,11800,11800,16800,36800,55,21801,3,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,11800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1429",0,0,23000,0,23000,0,-275,0,-275,22725,22725,27,17040,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-275,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1430",0,0,0,0,0,927,-4823,927,-4823,-4823,-4823,35,20103,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-4823,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1431",15800,0,130000,92300,37700,2700,-2300,18500,13500,51200,51200,27,59901,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13500,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1432",0,0,80000,76000,4000,300,-4900,300,-4900,-900,69600,42,39300,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-4900,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1433",13000,0,89000,0,89000,7400,7400,20400,20400,109400,114319,61,20766,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,20400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1434",19200,0,150000,90000,60000,6499,6499,25699,25699,85699,94699,28,58923,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,25699,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1435",0,0,0,0,0,800,-9090,800,-9090,-9090,-9090,50,31974,4,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-9090,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1436",4400,0,145000,102000,43000,18700,17800,27100,26200,69200,80200,27,18810,2,16,0,1,0,1,1,0,0,1,0,0,0,1,2,4,0.1464927,22200,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1437",0,0,110000,30000,80000,328,-2172,328,-2172,77828,93828,39,60594,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2172,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1438",0,0,95000,18000,77000,0,0,0,0,77000,86999,38,31158,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1439",0,0,0,0,0,200,-1154,200,-1154,-1154,2346,33,39234,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-1154,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1440",0,0,3000,0,3000,0,-1538,0,-1538,1462,2666,28,12636,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1538,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1441",0,0,5200,0,5200,523,523,523,523,5723,6723,60,7437,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,523,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1442",0,0,25000,13000,12000,0,-250,0,-250,11750,11750,49,14226,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-250,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1443",0,0,110000,67500,42500,1749,1179,1749,1179,43679,43679,50,42480,2,2,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,1179,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1444",2700,0,284000,124000,160000,24000,21900,26700,24600,184600,184600,32,62385,3,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,24600,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1445",0,0,0,0,0,100,-21250,100,-21250,-21250,-20975,25,13026,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-21250,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1446",0,0,160000,142000,18000,4650,4500,4650,4500,22500,22500,33,30075,3,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,4500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1447",0,0,0,0,0,105,-295,105,-295,-295,6704,36,32316,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-295,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1448",0,0,55000,31000,24000,1800,1600,1800,1600,25600,25600,40,34680,5,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1449",2308,0,0,0,0,13624,13624,15932,15932,15932,18132,35,17877,1,16,0,0,0,0,1,0,0,1,0,0,0,1,2,4,0.105793,15932,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1450",0,0,55000,44115,10885,60,-540,60,-540,10345,10345,31,27036,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-540,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1451",0,0,176000,150000,26000,15559,11109,15559,11109,37109,168562,48,32565,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,11109,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1452",0,0,0,0,0,2000,2000,2000,2000,2000,2000,36,21210,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1453",0,0,85000,52000,33000,5000,1815,5000,1815,34815,50815,29,20490,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1815,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1454",0,0,85000,22000,63000,10000,9200,10000,9200,72200,76100,61,18759,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,9200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1455",0,0,275000,48000,227000,3500,2500,3500,2500,229500,379500,61,24108,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1456",0,0,50000,0,50000,0,-5000,0,-5000,45000,46900,32,8841,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-5000,1,1,0,0,0,0,0,0,0,1,0,0,0 -"1457",2250,0,60000,35000,25000,11763,7668,14013,9918,34918,36418,39,23046,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,9918,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1458",0,0,0,0,0,11100,11100,11100,11100,11100,11100,29,28440,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,11100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1459",0,0,140000,0,140000,15000,15000,15000,15000,155000,155000,58,52590,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,15000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1460",0,0,0,0,0,1400,-7600,1400,-7600,-7600,-3700,27,16830,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-7600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1461",26000,0,165000,15000,150000,5999,2999,31999,28999,178999,186499,42,55110,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,28999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1462",2200,0,40000,0,40000,11000,11000,13200,13200,53200,75200,47,57600,2,8,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,13200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1463",18000,0,88000,68000,20000,27048,25848,45048,43848,63848,63848,40,50364,4,12,1,1,1,1,1,0,0,1,0,1,0,0,6,2,0.7130944,43848,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1464",0,0,100000,4400,95600,3199,1488,3199,1488,97088,102428,63,18600,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1488,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1465",0,0,0,0,0,400,-5600,400,-5600,-5600,-5600,31,20880,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5600,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1466",0,0,0,0,0,150,-2150,150,-2150,-2150,575,50,24939,6,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2150,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1467",0,0,0,0,0,900,-2800,900,-2800,-2800,-1225,25,32979,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2800,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1468",0,0,0,0,0,100,-1900,100,-1900,-1900,1125,42,24225,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1469",0,0,0,0,0,2400,2400,2400,2400,2400,11544,42,37851,6,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,2400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1470",0,0,0,0,0,0,0,0,0,0,0,62,33228,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1471",0,0,200000,135000,65000,58121,58121,58121,58121,123121,167192,51,136914,2,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,58121,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1472",0,0,0,0,0,350,-1650,10350,8350,8350,11350,52,28893,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1650,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1473",0,0,40000,15000,25000,4258,4258,4258,4258,29258,29258,40,40896,5,10,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.6077043,4258,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1474",0,0,70000,39900,30100,49,-451,49,-451,29649,32649,60,24996,4,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-451,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1475",0,0,55000,49500,5500,1500,-2720,1500,-2720,2780,9780,34,42600,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2720,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1476",1700,0,90000,20000,70000,650,-3350,2350,-1650,68350,72050,53,38988,4,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-1650,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1477",0,0,0,0,0,3500,-5000,3500,-5000,-5000,-3100,50,57024,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-5000,0,0,0,0,0,0,1,0,0,0,0,1,0 -"1478",5000,0,0,0,0,1149,1149,6149,6149,6149,6149,41,13098,1,14,1,0,1,0,1,0,0,1,0,0,1,0,2,3,0.3268128,6149,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1479",0,0,10000,0,10000,399,269,399,269,10269,47775,49,10992,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,269,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1480",5198,0,120000,33000,87000,45250,42150,50448,47348,134348,140823,49,45729,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,47348,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1481",0,0,0,0,0,200,-765,200,-765,-765,3118,33,11952,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-765,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1482",4035,0,183000,30000,153000,5000,5000,9035,9035,162035,165635,49,38700,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,9035,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1483",0,0,0,0,0,0,0,0,0,0,6500,32,34680,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1484",0,0,70000,67000,3000,160,-6705,160,-6705,-3705,1295,32,49329,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-6705,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1485",0,0,0,0,0,1150,-50,1150,-50,-50,32792,30,12051,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-50,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1486",0,0,0,0,0,700,-14600,700,-14600,-14600,-14600,32,7530,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-14600,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1487",0,0,49000,49000,0,525,525,525,525,525,8986,39,40800,1,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,525,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1488",0,0,0,0,0,1499,1499,1499,1499,1499,11999,34,41490,1,13,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5231876,1499,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1489",0,0,92000,82000,10000,1000,-1300,1000,-1300,8700,8700,38,66300,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1490",0,0,0,0,0,1600,1540,1600,1540,1540,8534,31,10356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,1540,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1491",0,0,0,0,0,350,-1150,350,-1150,-1150,-1150,54,24318,6,2,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-1150,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1492",0,0,0,0,0,3800,2800,3800,2800,2800,5466,29,41031,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,2800,0,0,0,0,0,1,0,0,1,0,0,0,0 -"1493",0,0,7500,5000,2500,0,0,0,0,2500,4500,47,2700,1,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1494",0,0,0,0,0,0,0,0,0,0,0,25,8256,5,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1495",0,0,0,0,0,1300,-5500,1300,-5500,-5500,7500,27,25527,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-5500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1496",0,0,0,0,0,999,-4501,999,-4501,-4501,2499,36,19251,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4501,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1497",0,0,0,0,0,1030,-3970,1030,-3970,-3970,9830,45,64791,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-3970,0,0,0,0,0,0,1,0,0,0,0,1,0 -"1498",0,0,0,0,0,0,0,0,0,0,0,39,42777,2,7,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.3243191,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"1499",0,0,0,0,0,170,-20930,170,-20930,-20930,570,32,21609,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-20930,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1500",0,0,0,0,0,0,0,0,0,0,0,48,28053,6,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1501",0,0,35000,33750,1250,34547,34397,34547,34397,35647,38572,56,27021,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,34397,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1502",0,0,0,0,0,0,0,0,0,0,0,28,19170,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1503",0,0,0,0,0,1500,1500,1500,1500,1500,1500,39,13566,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1504",0,0,300000,50000,250000,8000,1000,8000,1000,251000,251000,28,28554,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,1000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1505",0,0,0,0,0,1225,1225,1225,1225,1225,5400,35,24549,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,1225,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1506",0,0,0,0,0,1667,1667,1667,1667,1667,7492,39,25728,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1667,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1507",0,0,0,0,0,1100,1100,1100,1100,1100,1600,41,18090,2,14,0,1,1,0,1,0,0,0,0,0,1,0,2,3,0.1283302,1100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1508",0,0,0,0,0,7200,6200,7200,6200,6200,7400,49,19809,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,6200,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1509",0,0,49000,45000,4000,23850,23850,23850,23850,27850,30788,33,34806,3,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,23850,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1510",0,0,0,0,0,210,-3290,210,-3290,-3290,60,28,21582,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3290,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1511",0,0,190000,105000,85000,2448,-8252,2448,-8252,76748,78048,47,30663,2,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-8252,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1512",0,0,0,0,0,400,-10600,400,-10600,-10600,7600,30,15840,2,18,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-10600,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1513",0,0,0,0,0,1499,1499,1499,1499,1499,6999,39,31860,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,1499,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1514",0,0,0,0,0,4000,3100,4000,3100,3100,3100,27,28860,2,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1515",0,0,0,0,0,0,0,0,0,0,0,40,13896,7,8,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1516",0,0,59000,44900,14100,16,-2384,16,-2384,11716,22391,36,17883,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-2384,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1517",0,0,60000,51000,9000,14400,-4500,14400,-4500,4500,21906,35,50910,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-4500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1518",0,0,0,0,0,0,0,0,0,0,0,32,7146,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1519",0,0,0,0,0,2400,0,2400,0,0,1500,30,20310,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1520",0,0,0,0,0,2,-3998,2,-3998,-3998,-648,34,5865,4,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3998,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1521",0,0,0,0,0,532,482,532,482,482,482,25,13182,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,482,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1522",0,0,175000,100000,75000,122998,104698,122998,104698,179698,189698,44,109125,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,104698,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1523",0,0,99000,0,99000,0,0,0,0,99000,99000,28,4044,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"1524",0,0,0,0,0,300,-350,300,-350,-350,3000,26,15330,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1525",0,0,90000,60000,30000,50800,40800,50800,40800,70800,172800,54,74040,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,40800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1526",0,0,0,0,0,1500,-12500,1500,-12500,-12500,-10000,27,46050,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-12500,0,0,0,0,0,1,0,0,1,0,0,0,0 -"1527",0,0,150000,103000,47000,30700,16700,30700,16700,63700,73700,64,65373,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,16700,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1528",6500,0,80000,80000,0,70050,69050,76550,75550,75550,80550,33,78519,2,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,75550,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1529",0,0,5000,0,5000,0,-400,0,-400,4600,4600,38,17700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1530",0,0,0,0,0,3630,3630,3630,3630,3630,7230,34,34323,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,3630,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1531",0,0,0,0,0,1245,-4355,1245,-4355,-4355,161645,25,33843,3,14,1,1,1,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4355,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1532",0,0,0,0,0,0,-600,0,-600,-600,2900,42,12240,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-600,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1533",0,0,0,0,0,35,-205,35,-205,-205,295,32,15552,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-205,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1534",0,0,0,0,0,0,0,0,0,0,-500,25,19380,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1535",0,0,32000,27000,5000,0,0,0,0,5000,13500,37,31830,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1536",0,0,63000,58000,5000,500,-600,500,-600,4400,4400,27,32436,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-600,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1537",0,0,0,0,0,899,899,899,899,899,899,51,46746,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,899,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1538",0,0,0,0,0,595,-205,595,-205,-205,6295,26,15699,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-205,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1539",0,0,111000,33000,78000,26459,24109,26459,24109,102109,111109,47,88413,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,24109,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1540",0,0,70000,50000,20000,2300,300,2300,300,20300,25896,29,21891,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,300,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1541",0,0,18000,0,18000,131,131,131,131,18131,18131,39,11604,3,18,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,131,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1542",0,0,145000,55000,90000,23999,21999,23999,21999,111999,226999,33,10860,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,21999,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1543",0,0,0,0,0,0,-1300,0,-1300,-1300,-1300,47,8400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1300,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1544",0,0,0,0,0,1758,-1742,1758,-1742,-1742,-108,40,12015,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1742,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1545",0,0,45000,0,45000,1299,-1228,1299,-1228,43772,43772,31,21450,5,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-1228,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1546",0,0,0,0,0,200,-930,200,-930,-930,5070,31,12600,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-930,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1547",0,0,55000,15000,40000,600,-1200,600,-1200,38800,78800,29,30489,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1548",0,0,300000,125000,175000,5999,1999,5999,1999,176999,176999,38,69270,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,1999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1549",8800,0,55000,26580,28420,1700,1500,10500,10300,38720,38720,35,41733,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,10300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1550",0,0,75000,0,75000,4800,4800,4800,4800,79800,80300,55,9843,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,4800,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1551",29000,0,120000,118000,2000,82600,81500,111600,110500,112500,239600,56,96147,3,13,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,110500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1552",0,0,135000,77000,58000,0,-1200,0,-1200,56800,56800,51,53226,8,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-1200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1553",0,0,300000,53000,247000,600,0,600,0,247000,252000,45,28152,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1554",0,0,0,0,0,0,0,0,0,0,0,40,12240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1555",0,0,0,0,0,9900,9900,9900,9900,9900,43262,30,73458,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,9900,0,0,0,0,0,0,1,0,0,1,0,0,0 -"1556",0,0,190000,25000,165000,6500,-4500,6500,-4500,160500,160500,54,65550,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-4500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1557",0,0,0,0,0,0,0,0,0,0,0,38,9384,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1558",0,0,0,0,0,0,-45000,0,-45000,-45000,-39757,30,23004,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-45000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1559",0,0,190000,106000,84000,2100,-9900,2100,-9900,74100,79325,50,87708,2,12,1,1,0,1,1,0,0,0,0,1,0,0,7,2,0.6849159,-9900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1560",0,0,38000,18500,19500,127,-1136,127,-1136,18364,19734,49,21030,6,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1136,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1561",0,0,40000,0,40000,13749,13749,13749,13749,53749,226628,62,15009,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,13749,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1562",0,0,20000,16000,4000,200,200,200,200,4200,4200,63,17418,2,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1563",5000,0,25000,0,25000,4000,4000,9000,9000,34000,38000,54,19950,1,12,1,0,1,0,1,0,0,1,0,1,0,0,2,2,0.3108636,9000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1564",0,0,120000,118011,1989,500,-11700,500,-11700,-9711,-9711,37,56529,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-11700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1565",0,0,0,0,0,0,-900,0,-900,-900,-900,30,27930,3,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1566",16000,0,150000,0,150000,26000,23000,42000,39000,189000,193175,47,21996,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,39000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1567",0,0,80000,0,80000,15999,14299,15999,14299,94299,94299,44,73902,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,14299,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1568",8000,0,225000,73000,152000,4000,4000,12000,12000,164000,164000,40,38868,4,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,12000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1569",0,0,35000,0,35000,1253,-3447,1253,-3447,31553,34553,63,30294,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-3447,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1570",0,0,30000,0,30000,1619,1019,1619,1019,31019,31519,60,5391,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1019,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1571",0,0,0,0,0,350,350,350,350,350,5466,28,12750,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1572",13000,0,0,0,0,35950,35950,48950,48950,48950,54411,43,48300,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.6430668,48950,0,0,0,0,0,1,0,0,0,0,1,0,0 -"1573",0,0,0,0,0,0,0,0,0,0,4679,25,22683,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1574",0,0,0,0,0,0,-7000,0,-7000,-7000,-6500,36,25266,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-7000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1575",0,0,0,0,0,800,50,800,50,50,18604,28,30363,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,50,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1576",0,0,75000,0,75000,0,0,0,0,75000,78550,47,21420,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1577",0,0,0,0,0,0,-55,0,-55,-55,-55,44,9693,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-55,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1578",16500,0,100000,90000,10000,20999,20999,37499,37499,47499,47499,38,65949,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,37499,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1579",0,0,0,0,0,0,0,0,0,0,5000,30,15690,5,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1580",13000,0,215000,99000,116000,1999,1499,14999,14499,130499,130499,42,50835,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,14499,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1581",5000,0,75000,52000,23000,2000,-1600,7000,3400,26400,30400,36,42330,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,3400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1582",0,0,0,0,0,0,0,0,0,0,0,48,9864,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1583",0,0,0,0,0,0,0,0,0,0,500,53,9990,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1584",0,0,25000,0,25000,0,-10500,0,-10500,14500,66500,57,8190,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-10500,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1585",0,0,38000,38000,0,35300,20300,35300,20300,20300,58600,50,46632,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,20300,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1586",0,0,0,0,0,4,-4596,4,-4596,-4596,-3846,25,30834,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-4596,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1587",0,0,0,0,0,500,500,500,500,500,850,28,100026,2,8,0,0,1,0,1,0,0,0,1,0,0,0,7,1,0.3201262,500,0,0,0,0,0,0,0,1,1,0,0,0,0 -"1588",0,0,0,0,0,750,-10250,750,-10250,-10250,-3900,25,12555,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10250,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1589",0,0,40000,10000,30000,200,200,200,200,30200,33844,38,8406,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,200,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1590",200,0,0,0,0,700,300,900,500,500,4550,47,36000,2,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1591",2000,0,60000,0,60000,2000,1500,4000,3500,63500,63600,55,33681,5,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,3500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1592",1000,0,0,0,0,300,-1700,1300,-700,-700,10662,26,15315,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.105793,-700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1593",0,0,0,0,0,5500,-2500,5500,-2500,-2500,-2500,42,123246,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,-2500,0,0,0,0,0,0,0,1,0,0,1,0,0 -"1594",0,0,48000,32900,15100,21000,-9000,21000,-9000,6100,21354,33,109608,4,18,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-9000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1595",0,0,0,0,0,0,0,0,0,0,500,36,8400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1596",0,0,135000,68000,67000,11568,11168,11568,11168,78168,78168,37,43053,2,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,11168,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1597",0,0,0,0,0,0,-583,0,-583,-583,-583,32,16320,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-583,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1598",5000,0,100000,55000,45000,8000,8000,13000,13000,58000,58000,41,19020,4,13,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,13000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1599",0,0,85000,52000,33000,3200,-1800,3200,-1800,31200,31200,52,66603,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,-1800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1600",1300,0,0,0,0,2800,2800,4100,4100,4100,4100,40,50634,3,14,1,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5500422,4100,0,0,0,0,0,0,1,0,0,0,1,0,0 -"1601",0,0,170000,100000,70000,350,-2100,350,-2100,67900,68650,48,18564,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1602",0,0,10000,0,10000,10,-335,10,-335,9665,10665,40,14373,2,13,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-335,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1603",2000,0,0,0,0,5500,5055,7500,7055,7055,8055,37,26391,1,17,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,7055,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1604",35000,0,100000,32000,68000,92499,90599,127499,125599,193599,223599,44,77730,4,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,125599,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1605",7900,0,55000,52000,3000,50200,50200,58100,58100,61100,83962,45,32250,2,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,58100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1606",0,0,0,0,0,750,710,750,710,710,710,31,39891,2,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,710,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1607",0,0,39000,39000,0,185,-4815,185,-4815,-4815,-4815,36,29976,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-4815,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1608",2000,0,0,0,0,126,-1394,2126,606,606,2831,37,21603,1,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.5117899,606,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1609",0,0,0,0,0,500,500,500,500,500,2200,48,10800,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,500,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1610",0,0,30000,7000,23000,600,-3650,600,-3650,19350,29350,37,20424,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3650,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1611",0,0,70000,0,70000,35,35,35,35,70035,75035,57,22440,5,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,35,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1612",0,0,75000,53000,22000,250,-3250,250,-3250,18750,22250,27,29766,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3250,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1613",0,0,0,0,0,1200,600,1200,600,600,600,60,16980,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,600,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1614",55000,0,0,0,0,138748,138048,193748,193048,193048,234048,38,14025,3,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.118155,193048,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1615",25000,0,200000,22000,178000,28600,28600,53600,53600,231600,253600,38,76362,5,15,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,53600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1616",2500,0,89000,35000,54000,4500,1900,7000,4400,58400,62200,39,46140,2,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,4400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1617",0,0,72000,0,72000,49,49,49,49,72049,72049,64,13497,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,49,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1618",0,0,35000,0,35000,4999,4999,4999,4999,39999,39999,48,39720,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,4999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1619",0,0,80000,0,80000,100,100,100,100,80100,80850,61,4635,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,100,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1620",0,0,0,0,0,1250,-7750,1250,-7750,-7750,-3084,25,37200,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-7750,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1621",0,0,91000,91000,0,200,-6300,200,-6300,-6300,83700,33,11238,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-6300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1622",0,0,0,0,0,3,-10397,3,-10397,-10397,-10397,33,9150,9,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-10397,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1623",9000,0,150000,89000,61000,9850,9850,18850,18850,79850,269850,36,52290,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,18850,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1624",0,0,58000,22500,35500,800,800,800,800,36300,50761,38,48651,2,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1625",0,0,160000,150000,10000,23500,22600,23500,22600,32600,48600,36,24642,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,22600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1626",0,0,21000,7000,14000,0,-2100,0,-2100,11900,17900,46,6075,4,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2100,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1627",0,0,0,0,0,0,0,0,0,0,0,50,14292,3,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1628",0,0,0,0,0,0,0,0,0,0,0,28,13794,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1629",0,0,150000,0,150000,550,-4550,550,-4550,145450,151450,45,32409,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4550,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1630",0,0,45000,45000,0,0,-750,0,-750,-750,6211,30,27000,1,16,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,-750,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1631",0,0,57000,42000,15000,0,0,0,0,15000,15500,27,5943,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"1632",20000,0,234000,0,234000,80000,80000,100000,100000,334000,335000,54,31512,2,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,100000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1633",0,0,0,0,0,230,-1370,230,-1370,-1370,4683,28,10710,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1370,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1634",7000,0,125000,96000,29000,20500,17500,27500,24500,53500,53500,36,44595,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,24500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1635",0,0,0,0,0,0,0,0,0,0,0,31,21420,4,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1636",0,0,0,0,0,0,0,0,0,0,0,30,8415,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1637",28000,0,200000,150000,50000,7799,7799,40999,40999,90999,90999,32,68169,4,18,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,35799,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1638",0,0,28000,0,28000,200,-800,200,-800,27200,27200,42,15384,7,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-800,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1639",0,0,300000,30000,270000,26000,26000,26000,26000,296000,370000,46,60396,3,16,0,1,1,0,1,0,0,0,0,0,0,1,6,4,0.5405443,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1640",0,0,0,0,0,0,-800,0,-800,-800,-800,38,7968,4,7,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-800,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1641",0,0,66000,64000,2000,0,0,0,0,2000,4116,27,33864,1,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1642",0,0,0,0,0,0,0,0,0,0,1000,32,9780,1,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1643",0,0,0,0,0,900,900,900,900,900,900,38,16110,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,900,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1644",0,0,190000,90000,100000,68248,68248,68248,68248,168248,198248,44,103455,1,14,1,0,1,0,1,0,0,0,0,0,1,0,7,3,0.6891237,68248,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1645",0,0,25000,0,25000,600,600,600,600,25600,30600,52,26880,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1646",0,0,300000,0,300000,200,-17300,200,-17300,282700,582700,49,33567,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-17300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1647",26781,0,130000,88000,42000,5098,4598,31879,31379,73379,83379,43,48069,4,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,31379,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1648",3500,0,0,0,0,300,-8700,3800,-5200,-5200,-1200,40,25506,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,-5200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1649",6000,0,110000,71900,38100,12499,12449,18499,18449,56549,58049,44,29526,4,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,18449,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1650",0,0,90000,0,90000,500,-1900,500,-1900,88100,94100,39,25155,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1651",6000,0,215000,150000,65000,5481,4981,11481,10981,75981,75981,43,13179,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,10981,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1652",0,0,123000,75000,48000,2499,299,2499,299,48299,53299,39,63150,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,299,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1653",0,0,0,0,0,5298,5298,5298,5298,5298,5298,48,51591,5,16,0,1,1,0,1,0,0,0,0,0,0,1,6,4,0.3598378,5298,0,0,0,0,0,0,1,0,0,0,0,1,0 -"1654",0,0,45500,0,45500,100,-9600,100,-9600,35900,38400,34,13509,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-9600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1655",0,0,0,0,0,1200,900,1200,900,900,9250,35,17460,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,900,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1656",0,0,90000,54000,36000,30,-1820,30,-1820,34180,43276,46,46356,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-1820,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1657",725,0,153000,102000,51000,1000,-3000,1725,-2275,48725,50725,41,34353,2,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,-2275,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1658",0,0,111000,111000,0,2500,2500,2500,2500,2500,14500,40,-9,7,14,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,2500,1,0,0,0,0,0,0,0,0,0,1,0,0 -"1659",0,0,100000,69000,31000,2000,2000,2000,2000,33000,33000,46,48858,4,8,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1660",0,0,0,0,0,0,0,0,0,0,0,32,26535,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1661",0,0,0,0,0,20,-5380,20,-5380,-5380,-4542,34,15684,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-5380,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1662",0,0,70000,56000,14000,1250,-5750,1250,-5750,8250,20750,28,55305,3,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-5750,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1663",0,0,14000,0,14000,0,-26000,0,-26000,-12000,-4667,60,7776,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-26000,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1664",0,0,0,0,0,2336,2136,2336,2136,2136,3667,26,22182,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,2136,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1665",0,0,175000,0,175000,5899,5899,5899,5899,180899,180899,57,38595,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,5899,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1666",0,0,0,0,0,1100,-3900,1100,-3900,-3900,1779,31,27150,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-3900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1667",0,0,0,0,0,720,-26280,720,-26280,-26280,-22480,34,44775,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-26280,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1668",0,0,0,0,0,200,200,200,200,200,2700,31,12255,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1669",0,0,108000,103000,5000,900,-5100,900,-5100,-100,2400,40,45231,3,13,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-5100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1670",0,0,0,0,0,15,-2785,15,-2785,-2785,-2035,32,6312,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2785,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1671",0,0,0,0,0,0,0,0,0,0,0,38,25626,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1672",16000,0,220000,74600,145400,2800,-27200,18800,-11200,134200,134200,31,63303,4,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,-11200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1673",0,0,0,0,0,300,-800,300,-800,-800,450,25,13506,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1674",0,0,0,0,0,1032,-13968,1032,-13968,-13968,-13968,50,52215,5,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-13968,0,0,0,0,0,0,1,0,0,0,0,1,0 -"1675",0,0,42000,39000,3000,1200,-3000,1200,-3000,0,1500,38,42552,3,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-3000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1676",5533,0,0,0,0,92300,91800,97833,97333,97333,97333,63,44799,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.3442089,97333,0,0,0,0,0,1,0,0,0,0,0,0,1 -"1677",0,0,80000,55500,24500,2500,1300,2500,1300,25800,29200,28,51984,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1300,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1678",0,0,0,0,0,10000,4000,10000,4000,4000,4000,37,83925,1,12,0,0,1,0,1,0,0,0,0,1,0,0,7,2,0.3201262,4000,0,0,0,0,0,0,0,1,0,0,1,0,0 -"1679",0,0,0,0,0,600,-7400,600,-7400,-7400,-6650,35,17475,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-7400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1680",0,0,0,0,0,98,-10002,98,-10002,-10002,-9602,32,11667,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-10002,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1681",0,0,60000,0,60000,0,0,0,0,60000,60500,45,7752,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1682",0,0,10000,0,10000,2000,2000,2000,2000,12000,12000,45,17829,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1683",0,0,12500,12500,0,125,-1425,125,-1425,-1425,-1425,45,24645,5,11,1,1,1,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-1425,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1684",0,0,60000,18000,42000,428,428,428,428,42428,45428,64,21657,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,428,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1685",0,0,170000,103000,67000,500,-4000,500,-4000,63000,67000,31,24030,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-4000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1686",0,0,0,0,0,7000,6000,7000,6000,6000,63861,60,35277,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,6000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1687",0,0,0,0,0,3030,1680,3030,1680,1680,5680,38,32928,2,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,1680,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1688",0,0,0,0,0,100,-250,100,-250,-250,-250,37,20676,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1689",6000,0,240000,138000,102000,74999,73499,80999,79499,181499,219241,40,42900,2,14,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,79499,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1690",0,0,0,0,0,0,-7000,0,-7000,-7000,-6500,42,32220,1,9,0,0,1,0,1,0,0,0,1,0,0,0,4,1,0.3086649,-7000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1691",0,0,39000,25000,14000,0,0,0,0,14000,16539,52,21891,2,8,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1692",0,0,170000,20000,150000,14999,9999,14999,9999,159999,159999,47,24900,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,9999,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1693",0,0,35000,15000,20000,500,-750,500,-750,19250,20650,64,15600,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-750,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1694",0,0,75000,70000,5000,300,300,300,300,5300,262300,52,32388,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1695",0,0,70000,0,70000,748,-2552,748,-2552,67448,67448,30,33720,2,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-2552,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1696",0,0,0,0,0,2899,-101,2899,-101,-101,-101,56,30165,3,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.2951996,-101,0,0,0,0,1,0,0,0,0,0,0,0,1 -"1697",0,0,0,0,0,1249,949,1249,949,949,949,33,16731,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,949,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1698",0,0,60000,26000,34000,0,-5700,0,-5700,28300,34300,32,28872,5,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-5700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1699",0,0,0,0,0,60,-9940,60,-9940,-9940,-5415,39,24576,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-9940,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1700",0,0,65000,50000,15000,3059,2559,3059,2559,17559,23459,34,24915,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2559,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1701",0,0,30000,0,30000,0,0,0,0,30000,33650,42,16860,1,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1702",800,0,0,0,0,700,-5150,1500,-4350,-4350,4150,36,46842,2,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.3442089,-4350,0,0,0,0,0,1,0,0,0,0,1,0,0 -"1703",0,0,0,0,0,0,0,0,0,0,0,35,2640,4,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1704",0,0,130000,103000,27000,6750,6750,6750,6750,33750,44425,28,28383,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,6750,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1705",0,0,0,0,0,4500,4500,4500,4500,4500,6366,31,14712,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1706",0,0,45000,41500,3500,2000,-8000,2000,-8000,-4500,-3600,47,39432,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-8000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1707",0,0,150000,130000,20000,350,350,350,350,20350,23700,29,17340,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,350,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1708",0,0,0,0,0,0,0,0,0,0,5679,37,31911,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1709",2448,0,55000,38221,16779,2707,2707,5155,5155,21934,30505,36,35154,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,5155,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1710",0,0,55000,30000,25000,41248,40548,41248,40548,65548,66298,60,29100,2,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,40548,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1711",0,0,0,0,0,700,-9700,700,-9700,-9700,-9700,29,31476,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-9700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1712",0,0,0,0,0,0,-800,0,-800,-800,-800,33,28554,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1713",0,0,60000,0,60000,5150,4600,5150,4600,64600,64600,42,21300,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,4600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1714",0,0,0,0,0,0,-4700,0,-4700,-4700,-3700,32,33414,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1715",6000,0,65000,47000,18000,20,-9980,6020,-3980,14020,14570,36,30480,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.3669286,-3980,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1716",0,0,39000,0,39000,7500,7500,7500,7500,46500,48800,40,12576,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,7500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1717",0,0,85000,0,85000,219999,219759,219999,219759,304759,308409,61,29130,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,219759,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1718",0,0,0,0,0,3300,1850,3300,1850,1850,6075,37,14130,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1850,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1719",0,0,0,0,0,11499,9499,11499,9499,9499,9499,29,36300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,9499,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1720",0,0,58000,50000,8000,0,0,0,0,8000,8000,55,6564,5,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1721",0,0,175000,150000,25000,64450,49450,64450,49450,74450,279050,51,105396,1,16,0,1,1,0,1,0,0,0,0,0,0,1,7,4,0.5679367,49450,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1722",0,0,260000,106000,154000,305,-895,305,-895,153105,153480,43,43044,7,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-895,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1723",0,0,120000,70000,50000,0,-700,0,-700,49300,53300,53,20412,2,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-700,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1724",0,0,0,0,0,0,0,0,0,0,0,35,2400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1725",0,0,20000,16000,4000,800,-5400,800,-5400,-1400,-1400,55,19548,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-5400,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1726",0,0,72500,60000,12500,3338,-62,3338,-62,12438,15788,30,25437,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-62,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1727",0,0,75000,0,75000,100,-2200,100,-2200,72800,72800,35,18576,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2200,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1728",1014,0,73000,54400,18600,106,-2623,1120,-1609,16991,25491,42,39138,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,-1609,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1729",0,0,0,0,0,0,-4000,0,-4000,-4000,-4000,52,20070,2,8,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-4000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1730",0,0,0,0,0,90,-16910,90,-16910,-16910,-14710,28,9624,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-16910,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1731",100,0,87000,79000,8000,2833,-407,2933,-307,7693,9193,37,53151,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,-307,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1732",0,0,75000,70000,5000,50699,50199,50699,50199,55199,56199,38,7680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,50199,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1733",2500,0,50000,48000,2000,64500,63500,67000,66000,68000,68650,53,22434,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,66000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1734",0,0,0,0,0,500,-9000,500,-9000,-9000,3500,28,19680,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-9000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1735",0,0,0,0,0,249,-1751,249,-1751,-1751,-1001,43,22473,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1751,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1736",0,0,0,0,0,0,0,0,0,0,0,44,10200,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1737",0,0,30000,28000,2000,200,-5800,200,-5800,-3800,-1800,34,25392,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-5800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1738",0,0,169000,101000,68000,999,999,999,999,68999,75999,53,21888,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,999,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1739",0,0,44000,19700,24300,450,-1150,450,-1150,23150,23150,37,17760,4,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,-1150,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1740",0,0,0,0,0,0,-200,0,-200,-200,9396,34,14040,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1741",0,0,70000,0,70000,1550,-7450,1550,-7450,62550,63550,57,23394,1,9,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.491887,-7450,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1742",0,0,0,0,0,1300,1300,1300,1300,1300,1300,50,16269,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1300,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1743",0,0,122000,122000,0,15000,10000,15000,10000,10000,10000,26,21306,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,10000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1744",0,0,100000,80000,20000,200,200,200,200,20200,21200,38,43209,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1745",0,0,0,0,0,0,-5000,0,-5000,-5000,4000,28,20940,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-5000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1746",0,0,90000,77000,13000,5200,-2800,5200,-2800,10200,26600,35,71310,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1747",0,0,190000,80000,110000,30048,30048,30048,30048,140048,141048,52,31803,3,9,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,30048,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1748",0,0,49500,34000,15500,2410,-3690,2410,-3690,11810,22385,43,37146,2,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-3690,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1749",0,0,0,0,0,350,350,350,350,350,5450,26,14280,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1750",10000,0,100000,39000,61000,1300,1300,11300,11300,72300,91300,56,49866,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,11300,1,0,0,0,0,1,0,0,0,0,0,0,1 -"1751",0,0,0,0,0,1014,-986,1014,-986,-986,-986,47,21300,6,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-986,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1752",0,0,47500,34000,13500,103,-497,103,-497,13003,13003,32,23238,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-497,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1753",0,0,42000,27000,15000,2749,-4311,2749,-4311,10689,13764,44,39114,5,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4311,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1754",0,0,35000,20250,14750,2729,-2571,2729,-2571,12179,13379,39,53565,3,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2571,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1755",0,0,24000,24000,0,8240,8240,8240,8240,8240,12465,54,12825,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,8240,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1756",4000,0,300000,150000,150000,2049,2049,6049,6049,156049,206049,47,32568,4,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,6049,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1757",0,0,75000,0,75000,1250,350,1250,350,75350,275350,47,34059,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,350,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1758",0,0,159000,0,159000,38010,38010,38010,38010,197010,205010,61,26664,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,38010,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1759",0,0,0,0,0,1500,1500,1500,1500,1500,4900,33,16290,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,1500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1760",0,0,0,0,0,250,250,250,250,250,3375,43,4740,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,250,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1761",0,0,0,0,0,1000,-200,1000,-200,-200,-200,43,11931,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1762",0,0,0,0,0,0,-6700,0,-6700,-6700,-2154,26,8148,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6700,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1763",0,0,80000,60000,20000,14198,14098,14198,14098,34098,99998,50,32232,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,14098,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1764",0,0,0,0,0,0,-7300,0,-7300,-7300,-6300,50,7182,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-7300,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1765",0,0,90000,64000,26000,35,-2965,35,-2965,23035,27035,48,40326,4,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-2965,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1766",6700,0,52000,7200,44800,12000,5500,18700,12200,57000,60000,53,46932,4,1,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,12200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1767",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,44,22410,3,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1768",0,0,0,0,0,0,-300,0,-300,-300,-300,37,16200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1769",0,0,45000,35000,10000,1049,-451,1049,-451,9549,11027,45,35340,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-451,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1770",0,0,175000,88000,87000,3200,2700,3200,2700,89700,105700,34,21672,5,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1771",0,0,80000,76000,4000,571,71,571,71,4071,8071,55,32460,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,71,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1772",15000,0,113000,113000,0,15499,13499,30499,28499,28499,33741,61,25992,4,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,28499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1773",100,0,90000,81000,9000,1750,-3250,1850,-3150,5850,9825,33,36549,1,17,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,-3150,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1774",0,0,0,0,0,2237,1877,2237,1877,1877,18877,40,27684,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,1877,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1775",0,0,0,0,0,0,0,0,0,0,0,60,17400,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1776",0,0,70000,38000,32000,1199,-3801,1199,-3801,28199,33224,46,124860,2,16,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.4250903,-3801,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1777",0,0,60000,36900,23100,430,-1320,430,-1320,21780,30080,27,41808,2,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-1320,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1778",0,0,0,0,0,10650,9750,10650,9750,9750,9750,59,21747,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,9750,0,0,0,1,0,0,0,0,0,0,0,0,1 -"1779",0,0,50000,0,50000,16,-1984,16,-1984,48016,55691,40,16800,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1984,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1780",0,0,0,0,0,1000,1000,1000,1000,1000,2000,43,11424,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1781",0,0,34000,16000,18000,2758,258,2758,258,18258,19258,31,40587,6,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,258,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1782",0,0,0,0,0,399,349,399,349,349,1849,38,17364,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,349,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1783",8000,0,100000,12000,88000,7499,7434,15499,15434,103434,105434,56,35772,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,15434,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1784",13000,0,90000,0,90000,13499,13499,26499,26499,116499,234424,55,37539,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,26499,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1785",0,0,0,0,0,695,-435,695,-435,-435,-435,45,10035,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-435,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1786",0,0,0,0,0,2430,2180,2430,2180,2180,11155,35,22350,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,2180,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1787",0,0,130000,130000,0,100,100,100,100,100,3450,38,25683,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1788",0,0,0,0,0,60,-1140,60,-1140,-1140,4080,33,44700,5,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.5995759,-1140,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1789",0,0,160000,85000,75000,7000,6900,7000,6900,81900,84552,45,76872,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,6900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1790",0,0,17000,11440,5560,31,31,31,31,5591,4791,29,15174,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,31,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1791",0,0,55000,23000,32000,900,-1050,900,-1050,30950,35250,61,23052,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1050,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1792",0,0,0,0,0,0,0,0,0,0,2666,55,4080,2,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1793",3000,0,100000,18900,81100,64100,61100,267100,264100,345200,352200,56,92790,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,64100,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1794",0,0,145000,0,145000,4498,4498,4498,4498,149498,182498,55,54729,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,4498,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1795",0,0,75000,0,75000,28498,20248,28498,20248,95248,98799,50,11451,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,20248,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1796",0,0,0,0,0,14999,14999,14999,14999,14999,16999,62,55524,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,14999,0,0,0,0,0,0,1,0,0,0,0,0,1 -"1797",0,0,0,0,0,0,0,0,0,0,500,34,8199,1,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1798",0,0,0,0,0,3125,2425,3125,2425,2425,12500,31,21939,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2425,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1799",0,0,25000,0,25000,300,-300,300,-300,24700,24700,39,7836,4,15,1,1,0,0,1,0,0,0,0,0,1,0,1,3,0.375,-300,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1800",0,0,50000,0,50000,80000,80000,80000,80000,130000,136225,45,14058,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,80000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1801",0,0,0,0,0,24500,22000,24500,22000,22000,63000,41,35061,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,22000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"1802",0,0,27000,22000,5000,600,-1640,600,-1640,3360,8835,32,35955,2,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-1640,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1803",0,0,0,0,0,0,0,0,0,0,0,57,7800,1,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"1804",0,0,0,0,0,800,800,800,800,800,110800,30,16872,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1805",0,0,0,0,0,0,0,0,0,0,0,30,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1806",0,0,0,0,0,4700,3500,4700,3500,3500,6000,35,18582,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1807",0,0,30000,0,30000,392,-108,392,-108,29892,29892,64,21138,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-108,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1808",0,0,75000,0,75000,50,50,50,50,75050,75800,45,10770,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1809",0,0,77000,66000,11000,5700,5700,5700,5700,16700,20425,47,22737,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,5700,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1810",0,0,35000,28000,7000,3600,2750,3600,2750,9750,13750,29,33630,4,1,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,2750,1,0,0,0,1,0,0,0,1,0,0,0,0 -"1811",2000,0,200000,140000,60000,500,500,2500,2500,62500,72500,40,24681,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,2500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1812",7000,0,40000,13500,26500,1030,1030,8030,8030,34530,45980,48,47637,2,13,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,8030,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1813",0,0,0,0,0,0,-88,0,-88,-88,-88,43,25500,5,4,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-88,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1814",0,0,130000,0,130000,20,20,20,20,130020,130020,58,19089,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,20,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1815",0,0,300000,75000,225000,28500,28200,28500,28200,253200,258500,52,9903,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,28200,1,1,0,0,0,0,0,0,0,0,0,1,0 -"1816",0,0,47000,47000,0,10900,10500,10900,10500,10500,14841,26,25860,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,10500,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1817",5000,0,190000,18900,171100,5300,5150,10300,10150,181250,222350,49,20340,2,14,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,10150,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1818",0,0,60000,53000,7000,0,0,0,0,7000,13200,41,6408,3,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1819",0,0,25000,18000,7000,610,-1190,610,-1190,5810,4810,34,9792,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1190,1,1,0,0,0,0,0,0,0,1,0,0,0 -"1820",0,0,115000,27000,88000,2799,2073,2799,2073,90073,90073,37,26688,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2073,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1821",0,0,0,0,0,5109,-10391,5109,-10391,-10391,-1841,30,3207,1,17,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-10391,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1822",0,0,41000,11000,30000,9,-22491,9,-22491,7509,10244,64,15393,3,10,1,1,0,0,1,0,0,0,1,0,0,0,2,1,0.3623197,-22491,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1823",50000,0,250000,110000,140000,0,-300,50000,49700,189700,390863,52,54600,4,12,0,0,0,0,1,0,0,1,0,1,0,0,6,2,0.4868788,49700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1824",15000,0,100000,0,100000,7999,7999,22999,22999,122999,242999,58,53382,4,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,22999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"1825",0,0,0,0,0,0,0,0,0,0,0,33,11475,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1826",0,0,100000,86000,14000,51500,50370,51500,50370,64370,64870,55,14538,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50370,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1827",0,0,0,0,0,600,600,600,600,600,600,34,46386,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.5995759,600,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1828",0,0,0,0,0,0,0,0,0,0,0,53,7113,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1829",4000,0,52000,34000,18000,54600,53852,58600,57852,75852,110852,38,80085,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,57852,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1830",0,0,0,0,0,0,0,0,0,0,202333,46,17091,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1831",0,0,0,0,0,1584,384,1584,384,384,9384,28,29421,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,384,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1832",0,0,0,0,0,205,25,205,25,25,3375,29,14670,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1833",0,0,35000,0,35000,0,0,0,0,35000,35000,32,36210,4,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1834",46338,0,33000,33000,0,7374,7374,53712,53712,53712,61812,62,29841,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,53712,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1835",0,0,300000,60000,240000,12000,12000,12000,12000,252000,252000,62,48600,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,12000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"1836",0,0,0,0,0,850,850,850,850,850,850,26,16116,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,850,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1837",0,0,0,0,0,0,0,0,0,0,0,56,14280,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"1838",0,0,38000,13500,24500,13499,12499,13499,12499,36999,38874,56,15636,2,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,12499,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1839",0,0,0,0,0,1115,615,1115,615,615,2865,25,23250,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,615,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1840",0,0,65000,20000,45000,4249,49,4249,49,45049,102049,38,39420,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,49,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1841",0,0,0,0,0,15000,15000,15000,15000,15000,15000,32,52200,4,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,15000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"1842",0,0,145000,126000,19000,3525,1875,3525,1875,20875,20875,29,55845,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1875,1,0,0,0,0,0,1,0,1,0,0,0,0 -"1843",0,0,2000,0,2000,0,0,0,0,2000,2000,58,9720,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1844",0,0,0,0,0,200,0,200,0,0,500,25,15810,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1845",16500,0,89000,65000,24000,3499,-3601,19999,12899,36899,49599,42,58938,3,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,12899,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1846",0,0,0,0,0,200,200,200,200,200,950,48,5214,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,200,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1847",0,0,0,0,0,730,-970,730,-970,-970,1430,28,28728,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-970,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1848",0,0,85000,62000,23000,0,-1000,2500,1500,24500,30400,32,53664,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"1849",0,0,115000,90000,25000,3441,3441,3441,3441,28441,37441,26,44205,2,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3441,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1850",0,0,0,0,0,300,-5700,300,-5700,-5700,-800,26,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-5700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1851",4300,0,42000,32000,10000,850,350,5150,4650,14650,29650,35,45420,3,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,4650,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1852",0,0,0,0,0,54,54,54,54,54,16107,29,12243,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,54,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1853",0,0,190000,25000,165000,3456,2956,3456,2956,167956,183806,51,48216,2,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,2956,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1854",0,0,0,0,0,2800,-5200,2800,-5200,-5200,16800,31,46050,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-5200,0,0,0,0,0,1,0,0,0,1,0,0,0 -"1855",0,0,60000,48000,12000,8400,-9600,8400,-9600,2400,109900,47,15141,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1856",0,0,26000,0,26000,5,-3995,5,-3995,22005,22005,36,33360,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3995,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1857",14000,0,75000,0,75000,1098,1098,15098,15098,90098,90098,50,48030,4,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,15098,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1858",0,0,74500,65000,9500,1164,-5186,1164,-5186,4314,12814,49,47748,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-5186,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1859",0,0,0,0,0,0,0,0,0,0,0,45,9960,4,12,0,1,1,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1860",0,0,0,0,0,35000,35000,35000,35000,35000,43225,48,41250,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5231876,35000,0,0,0,0,0,1,0,0,0,0,0,1,0 -"1861",0,0,0,0,0,300,100,300,100,100,6942,37,15018,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1862",5000,0,275000,75000,200000,26050,24550,31050,29550,229550,235200,41,45012,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,29550,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1863",0,0,125000,107000,18000,3300,3300,3300,3300,21300,26800,36,73578,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,3300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1864",0,0,0,0,0,0,-425,0,-425,-425,-425,32,27888,6,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-425,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1865",0,0,105000,83000,22000,20,-6980,20,-6980,15020,25020,41,31356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-6980,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1866",700,0,100000,86000,14000,3000,2100,3700,2800,16800,16800,34,29106,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,2800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1867",0,0,25000,25000,0,40,-9360,40,-9360,-9360,-9360,44,24057,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-9360,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1868",0,0,30000,20000,10000,15,-93,15,-93,9907,10157,38,39837,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-93,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1869",0,0,0,0,0,2400,-300,2400,-300,-300,-300,28,10698,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1870",4875,0,300000,150000,150000,184599,179599,189474,184474,334474,335674,34,83274,5,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,184474,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1871",0,0,0,0,0,0,-3400,0,-3400,-3400,-3400,54,6711,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-3400,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1872",1037,0,225000,150000,75000,8763,3663,9800,4700,79700,87828,36,56118,1,16,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,4700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1873",0,0,65000,22000,43000,3799,2399,3799,2399,45399,51905,50,22200,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,2399,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1874",0,0,0,0,0,800,-200,800,-200,-200,8300,26,31488,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1875",0,0,175000,0,175000,20699,19199,20699,19199,194199,200874,54,20325,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,19199,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1876",0,0,40000,30000,10000,800,172,800,172,10172,24172,32,23508,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,172,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1877",0,0,0,0,0,5000,5000,5000,5000,5000,8857,50,34470,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,5000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"1878",0,0,50000,0,50000,0,0,0,0,50000,50000,64,19080,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1879",0,0,225000,150000,75000,0,0,0,0,75000,79000,41,21096,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1880",0,0,0,0,0,3000,1000,3000,1000,1000,4350,40,16218,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1881",0,0,0,0,0,0,0,0,0,0,0,45,9096,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1882",0,0,49000,49000,0,95,95,95,95,95,95,52,48450,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,95,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1883",0,0,0,0,0,6,6,6,6,6,1506,49,5610,2,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,6,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1884",0,0,0,0,0,0,0,0,0,0,0,37,10524,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1885",0,0,28000,0,28000,500,-2300,500,-2300,25700,32700,41,24486,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1886",6800,0,300000,70000,230000,499,-1501,12199,10199,240199,380199,53,88083,3,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,5299,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1887",0,0,0,0,0,0,0,0,0,0,1400,33,5160,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1888",0,0,60000,0,60000,0,-700,0,-700,59300,59800,44,9180,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-700,1,1,0,0,0,0,0,0,0,0,1,0,0 -"1889",0,0,0,0,0,2000,-2000,2000,-2000,-2000,-1250,25,23004,3,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1890",0,0,100000,0,100000,500,500,500,500,100500,104600,41,34950,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1891",0,0,20000,0,20000,0,-3500,0,-3500,16500,16875,46,13770,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1892",0,0,70000,15000,55000,100,100,100,100,55100,63561,46,10200,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1893",0,0,45000,15800,29200,30,-5320,30,-5320,23880,33880,37,35109,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5320,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1894",14000,0,60000,16000,44000,28000,28000,42000,42000,86000,120000,59,105783,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,42000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1895",0,0,0,0,0,300,-10100,300,-10100,-10100,-8600,35,17400,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-10100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1896",0,0,100000,11000,89000,23802,20302,23802,20302,109302,110052,64,26109,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,20302,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1897",0,0,55000,12000,43000,3869,1269,3869,1269,44269,51269,64,17256,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1269,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1898",0,0,48000,37000,11000,6798,4998,6798,4998,15998,25398,30,44502,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4998,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1899",0,0,0,0,0,9499,3499,9499,3499,3499,3499,37,66960,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,3499,0,0,0,0,0,0,1,0,0,0,1,0,0 -"1900",0,0,125000,61338,63662,13199,7699,13199,7699,71361,73236,44,23190,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,7699,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1901",0,0,0,0,0,7798,7798,7798,7798,7798,7798,45,25254,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,7798,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1902",0,0,100000,45000,55000,4200,-5800,4200,-5800,49200,49200,38,44400,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-5800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1903",0,0,30000,5500,24500,0,0,0,0,24500,25000,50,10650,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1904",47500,0,0,0,0,12900,12800,60400,60300,60300,60300,38,110181,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.4696543,60300,0,0,0,0,0,0,0,1,0,0,1,0,0 -"1905",0,0,0,0,0,26500,23800,26500,23800,23800,25675,30,91500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.3201262,23800,0,0,0,0,0,0,0,1,0,1,0,0,0 -"1906",0,0,70000,40000,30000,100,-8950,100,-8950,21050,28550,35,43080,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-8950,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1907",4000,0,0,0,0,7000,7000,11000,11000,11000,44979,27,21030,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,11000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1908",0,0,32000,20000,12000,200,200,200,200,12200,13200,32,12192,4,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,200,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1909",5091,0,70000,57000,13000,102,-2773,5193,2318,15318,25318,40,52647,3,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,2318,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1910",0,0,0,0,0,340,340,340,340,340,1340,32,20811,3,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,340,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1911",40000,0,78000,0,78000,24500,23400,64500,63400,141400,147150,53,32856,1,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,63400,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1912",0,0,0,0,0,100,-6900,100,-6900,-6900,-1475,25,8250,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6900,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1913",4200,0,76000,72900,3100,1500,-2300,5700,1900,5000,14500,39,48027,1,17,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1914",0,0,150000,115000,35000,8999,8199,8999,8199,43199,45299,33,24612,5,6,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,8199,1,0,0,1,0,0,0,0,0,1,0,0,0 -"1915",0,0,62000,62000,0,200,200,200,200,200,1200,63,14754,5,1,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1916",0,0,0,0,0,0,0,0,0,0,0,27,4725,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1917",0,0,0,0,0,5,5,5,5,5,1505,45,13911,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,5,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1918",0,0,62000,0,62000,14999,-10001,14999,-10001,51999,54499,48,32880,2,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-10001,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1919",0,0,1000,899,101,0,-9550,0,-9550,-9449,-7616,42,12600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-9550,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1920",0,0,0,0,0,160,-19840,160,-19840,-19840,-19840,31,25002,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-19840,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1921",0,0,6000,2300,3700,382,-243,382,-243,3457,3457,63,6753,2,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-243,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1922",19000,0,80000,66000,14000,1600,1600,20600,20600,34600,34600,45,42618,5,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,20600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1923",0,0,165000,0,165000,2000,500,2000,500,165500,172243,57,17880,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"1924",0,0,78000,65000,13000,2084,-53916,2084,-53916,-40916,-35916,46,79392,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-53916,1,0,0,0,0,0,0,1,0,0,0,1,0 -"1925",0,0,30000,1300,28700,150,150,150,150,28850,29600,34,14982,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,150,1,0,1,0,0,0,0,0,0,1,0,0,0 -"1926",0,0,0,0,0,200,-11745,200,-11745,-11745,-11745,28,39642,3,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-11745,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1927",0,0,0,0,0,5000,-10200,5000,-10200,-10200,-4200,25,61830,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10200,0,0,0,0,0,0,1,0,1,0,0,0,0 -"1928",0,0,60000,0,60000,20,20,20,20,60020,60520,57,6885,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,20,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1929",0,0,25000,0,25000,3850,-299750,3850,-299750,-274750,-248950,42,53514,4,10,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-299750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1930",0,0,0,0,0,7500,-23500,7500,-23500,-23500,-16447,30,30000,1,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-23500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"1931",0,0,120000,0,120000,8600,8513,8600,8513,128513,188513,33,79500,4,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,8513,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1932",7536,0,160000,40000,120000,4898,4898,12434,12434,132434,132434,61,103449,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,12434,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1933",0,0,55000,24000,31000,600,-4400,600,-4400,26600,40600,45,46071,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1934",0,0,110000,95000,15000,2000,900,2000,900,15900,24900,51,36060,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"1935",30000,0,53000,0,53000,899,899,30899,30899,83899,94899,60,35550,2,11,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,30899,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1936",63000,0,80000,0,80000,1599,1599,64599,64599,144599,439599,64,23136,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,64599,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1937",17000,0,120000,65000,55000,100,-700,17100,16300,71300,74800,25,40806,1,16,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,16300,1,0,0,0,0,1,0,0,1,0,0,0,0 -"1938",0,0,0,0,0,3800,3800,3800,3800,3800,3800,33,10215,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1939",0,0,75000,30800,44200,13300,5200,13300,5200,49400,51400,44,45573,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,5200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1940",0,0,15000,0,15000,100,-5400,100,-5400,9600,11600,55,23166,3,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-5400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1941",0,0,40000,0,40000,100,-175,100,-175,39825,48425,64,21792,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-175,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1942",0,0,0,0,0,0,0,0,0,0,0,46,20199,1,8,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1943",0,0,55000,13000,42000,2503,-12797,2503,-12797,29203,36203,41,35520,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-12797,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1944",0,0,0,0,0,6050,-3100,6050,-3100,-3100,1750,41,22572,3,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1945",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,30,14625,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1946",0,0,59000,0,59000,1749,1749,1749,1749,60749,63749,27,10941,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1749,1,0,1,0,0,0,0,0,1,0,0,0,0 -"1947",0,0,0,0,0,625,310,625,310,310,2655,26,19074,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,310,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1948",0,0,0,0,0,0,0,0,0,0,500,43,7140,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1949",0,0,0,0,0,0,-10500,0,-10500,-10500,-6500,36,27600,4,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-10500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"1950",0,0,0,0,0,0,-500,0,-500,-500,1207,52,21600,1,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-500,0,0,0,1,0,0,0,0,0,0,0,1,0 -"1951",0,0,0,0,0,250,250,250,250,250,1250,29,35100,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,250,0,0,0,0,1,0,0,0,1,0,0,0,0 -"1952",0,0,85000,70000,15000,10699,3699,10699,3699,18699,27199,48,70590,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,3699,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1953",0,0,50000,0,50000,999,-501,999,-501,49499,54741,30,7336,1,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.062312,-501,1,1,0,0,0,0,0,0,0,1,0,0,0 -"1954",0,0,250000,93240,156760,6000,-250,6000,-250,156510,156510,34,100029,5,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-250,1,0,0,0,0,0,0,1,0,1,0,0,0 -"1955",100000,0,75000,17500,57500,58206,58206,158206,158206,215706,260706,53,40827,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,158206,1,0,0,0,0,1,0,0,0,0,0,1,0 -"1956",20000,0,100000,0,100000,157150,157150,197150,197150,297150,297150,41,74592,3,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,177150,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1957",23000,0,155000,100000,55000,86000,86000,109000,109000,164000,169242,54,58653,3,15,1,0,0,0,1,0,0,1,0,0,1,0,6,3,0.7856908,109000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"1958",0,0,0,0,0,0,-1600,0,-1600,-1600,-1600,36,8004,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-1600,0,1,0,0,0,0,0,0,0,0,1,0,0 -"1959",3000,0,0,0,0,0,0,3000,3000,3000,3000,44,15300,2,9,0,1,0,0,1,0,0,1,1,0,0,0,2,1,0.118155,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1960",0,0,163000,119500,43500,1000,-46500,1000,-46500,-3000,800,46,19704,3,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-46500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"1961",0,0,0,0,0,0,0,0,0,0,0,35,26700,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1962",0,0,78000,30000,48000,25000,24500,25000,24500,72500,72500,44,52065,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,24500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1963",0,0,0,0,0,4999,-16586,4999,-16586,-16586,-13786,52,7440,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-16586,0,1,0,0,0,0,0,0,0,0,0,1,0 -"1964",0,0,36000,32000,4000,16849,12079,16849,12079,16079,24879,44,21411,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,12079,1,0,0,1,0,0,0,0,0,0,1,0,0 -"1965",0,0,0,0,0,0,0,0,0,0,0,29,21600,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1966",0,0,0,0,0,0,0,0,0,0,3350,27,9000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1967",0,0,0,0,0,229,-6586,229,-6586,-6586,-6586,48,18537,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-6586,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1968",0,0,60000,36000,24000,0,-2797,0,-2797,21203,21203,39,13512,3,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-2797,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1969",0,0,230000,110000,120000,12000,12000,12000,12000,132000,132000,55,34542,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1970",0,0,0,0,0,0,0,0,0,0,8461,36,15600,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"1971",0,0,0,0,0,100,100,100,100,100,7300,29,21675,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"1972",15000,0,135000,60000,75000,10049,10049,25049,25049,100049,107214,37,32442,1,16,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,25049,1,0,0,0,1,0,0,0,0,0,1,0,0 -"1973",0,0,0,0,0,240,-510,240,-510,-510,-510,26,10221,7,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-510,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1974",0,0,0,0,0,0,0,0,0,0,0,53,12852,8,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1975",0,0,175000,0,175000,299,-4001,299,-4001,170999,172999,38,13278,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4001,1,0,1,0,0,0,0,0,0,0,1,0,0 -"1976",0,0,45000,0,45000,557,-743,557,-743,44257,46957,61,20256,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-743,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1977",0,0,80000,38900,41100,7249,3049,7249,3049,44149,204774,37,48705,3,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,3049,1,0,0,0,0,1,0,0,0,0,1,0,0 -"1978",0,0,55000,43500,11500,400,0,400,0,11500,12500,27,20460,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"1979",0,0,170000,108000,62000,4200,2000,4200,2000,64000,68000,30,46008,4,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,2000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1980",1500,0,90000,0,90000,223000,223000,224500,224500,314500,373750,44,92700,1,16,1,0,1,0,1,0,0,1,0,0,0,1,7,4,0.7355057,224500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"1981",9000,0,35000,35000,0,127000,127000,136000,136000,136000,149600,57,76230,1,18,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.7355057,136000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"1982",0,0,65000,50000,15000,0,-2000,0,-2000,13000,13000,55,34470,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1983",0,0,0,0,0,1449,-12951,1449,-12951,-12951,-12951,34,29166,2,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-12951,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1984",0,0,0,0,0,0,0,0,0,0,1000,46,18960,1,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"1985",0,0,285000,101600,183400,600,600,600,600,184000,185100,44,60480,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1986",0,0,0,0,0,1635,1635,1635,1635,1635,4805,32,25494,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,1635,0,0,0,1,0,0,0,0,0,1,0,0,0 -"1987",0,0,50000,0,50000,9500,5800,9500,5800,55800,65800,48,27276,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.3978536,5800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"1988",0,0,0,0,0,0,0,0,0,0,0,29,7650,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"1989",0,0,72000,48000,24000,1450,650,1450,650,24650,24650,61,30513,2,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,650,1,0,0,0,1,0,0,0,0,0,0,0,1 -"1990",0,0,58000,15000,43000,0,0,0,0,43000,43000,59,7824,4,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1991",0,0,0,0,0,0,0,0,0,0,0,34,4296,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"1992",0,0,90000,24000,66000,499,-1501,499,-1501,64499,68449,61,21630,3,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-1501,1,0,0,1,0,0,0,0,0,0,0,0,1 -"1993",0,0,0,0,0,1800,1800,1800,1800,1800,1800,27,15099,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"1994",0,0,65000,36000,29000,5799,-3201,5799,-3201,25799,25799,34,35868,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3201,1,0,0,0,1,0,0,0,0,1,0,0,0 -"1995",0,0,120000,96000,24000,12200,12200,12200,12200,36200,42250,34,43875,3,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,12200,1,0,0,0,0,1,0,0,0,1,0,0,0 -"1996",0,0,49000,49000,0,220,-6380,220,-6380,-6380,18620,40,50817,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6380,1,0,0,0,0,0,1,0,0,0,1,0,0 -"1997",0,0,19000,0,19000,0,-600,0,-600,18400,20550,55,7989,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-600,1,1,0,0,0,0,0,0,0,0,0,0,1 -"1998",0,0,0,0,0,152,77,152,77,77,77,35,16194,1,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,77,0,0,1,0,0,0,0,0,0,1,0,0,0 -"1999",27890,0,120000,65000,55000,7000,7000,34890,34890,89890,146890,45,65040,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,34890,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2000",0,0,0,0,0,0,0,0,0,0,0,57,10797,2,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2001",0,0,255000,93000,162000,5000,3300,5000,3300,165300,165300,35,22800,3,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,3300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2002",1000,0,85000,17000,68000,950,-8000,1950,-7000,61000,71000,45,44019,5,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,-7000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2003",0,0,0,0,0,0,0,0,0,0,0,38,8289,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2004",0,0,0,0,0,3200,3200,3200,3200,3200,6150,49,39801,1,11,0,0,0,0,1,0,0,0,1,0,0,0,4,1,0.3086649,3200,0,0,0,0,1,0,0,0,0,0,0,1,0 -"2005",0,0,0,0,0,350,100,350,100,100,100,44,12648,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2006",0,0,45000,0,45000,599,-23,599,-23,44977,46977,42,27696,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-23,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2007",0,0,72000,49000,23000,1300,1300,1300,1300,24300,29275,35,24000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2008",0,0,150000,25000,125000,42396,42196,42396,42196,167196,167196,56,64332,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,42196,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2009",28500,0,235000,150000,85000,19127,18492,47627,46992,131992,271992,37,51798,3,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,46992,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2010",0,0,0,0,0,0,-1479,0,-1479,-1479,-1479,38,19497,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1479,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2011",0,0,0,0,0,0,0,0,0,0,0,28,3150,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2012",0,0,0,0,0,0,-444,0,-444,-444,556,31,15912,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-444,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2013",0,0,0,0,0,100,-3900,100,-3900,-3900,-2900,26,19203,1,15,1,1,1,0,1,0,0,0,0,0,1,0,2,3,0.3791962,-3900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2014",0,0,300000,150000,150000,10000,10000,10000,10000,160000,160000,42,38343,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,10000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2015",0,0,0,0,0,450,-6550,450,-6550,-6550,-6050,28,7020,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-6550,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2016",0,0,0,0,0,205,-9795,205,-9795,-9795,-7045,26,24168,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9795,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2017",0,0,60000,0,60000,700,200,700,200,60200,70200,63,36252,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2018",0,0,135000,103000,32000,599,599,599,599,32599,37841,27,10836,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,599,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2019",12000,0,200000,47000,153000,15000,13500,27000,25500,178500,184250,57,49428,1,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,25500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2020",0,0,136000,108000,28000,900,-4100,900,-4100,23900,30600,26,61710,5,11,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,-4100,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2021",0,0,150000,0,150000,0,-800,0,-800,149200,149200,53,26622,3,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2022",0,0,173000,0,173000,6787,4787,6787,4787,177787,177787,49,41490,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,4787,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2023",0,0,80000,62000,18000,999,999,999,999,18999,18999,26,55779,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,999,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2024",0,0,275000,119500,155500,0,0,0,0,155500,160420,51,4338,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2025",21000,0,2500,0,2500,499,-1,21499,20999,23499,23499,51,7470,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,20999,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2026",0,0,110000,42000,68000,700,-2800,700,-2800,65200,65200,43,54648,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2027",10000,0,75000,0,75000,220,220,10220,10220,85220,94995,49,18117,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,10220,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2028",0,0,42000,28000,14000,25,-1675,25,-1675,12325,22325,32,58167,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1675,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2029",0,0,35000,18000,17000,67498,59748,67498,59748,76748,76748,41,15120,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,59748,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2030",0,0,89000,0,89000,300,-2200,300,-2200,86800,88300,25,27630,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2031",0,0,0,0,0,58,-10642,58,-10642,-10642,-10642,35,8649,5,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,-10642,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2032",0,0,0,0,0,0,0,0,0,0,50000,36,21000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2033",0,0,90000,0,90000,1500,1500,1500,1500,91500,95000,49,25920,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,1500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2034",0,0,0,0,0,0,0,0,0,0,5000,25,14172,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2035",15000,0,55000,45000,10000,6200,3600,21200,18600,28600,29900,33,31440,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,18600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2036",0,0,2500,0,2500,12000,12000,12000,12000,14500,14500,62,21780,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,12000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2037",0,0,0,0,0,609,-4391,609,-4391,-4391,-4387,38,18930,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4391,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2038",1700,0,85000,38000,47000,2049,2049,3749,3749,50749,50749,60,43425,4,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,3749,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2039",0,0,0,0,0,2000,2000,2000,2000,2000,5931,64,30192,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,2000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"2040",0,0,55000,0,55000,700,-2252,700,-2252,52748,55248,42,20331,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2252,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2041",0,0,98000,98000,0,54624,54624,54624,54624,54624,55974,43,25908,3,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,54624,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2042",0,0,68000,62500,5500,0,-3100,0,-3100,2400,2400,27,24651,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2043",0,0,67000,48000,19000,300,-17700,300,-17700,1300,6550,61,38880,2,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-17700,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2044",0,0,175000,37000,138000,6000,2500,6000,2500,140500,146043,64,21111,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,2500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2045",0,0,190000,12500,177500,0,-400,0,-400,177100,196325,55,32400,4,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2046",0,0,70000,48000,22000,0,0,0,0,22000,24500,30,24000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2047",0,0,92000,41000,51000,53000,48000,53000,48000,99000,140550,53,11538,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,48000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2048",50000,0,75000,40000,35000,400,400,50400,50400,85400,85400,38,74724,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,50400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2049",29000,0,100000,74200,25800,61550,61550,90550,90550,116350,256350,39,159696,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,90550,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2050",0,0,80000,59900,20100,6700,300,6700,300,20400,82400,35,54750,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2051",9500,0,120000,93000,27000,30100,29600,39600,39100,66100,66100,33,52494,4,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,39100,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2052",50000,0,90000,22500,67500,31202,30802,81202,80802,148302,148302,43,99153,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,80802,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2053",0,0,0,0,0,0,-2000,0,-2000,-2000,-500,27,14760,5,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2054",0,0,95000,15000,80000,500,500,500,500,80500,80500,55,21552,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2055",0,0,80000,32500,47500,4000,-8800,4000,-8800,38700,44800,56,11490,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-8800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2056",5080,0,20000,18500,1500,154,-4326,5234,754,2254,2254,35,22443,5,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,754,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2057",15000,0,300000,0,300000,80999,80999,95999,95999,395999,410999,34,77334,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,95999,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2058",0,0,130000,78000,52000,2500,2500,2500,2500,54500,243500,43,22650,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2059",720,0,20000,9400,10600,742,-9108,1462,-8388,2212,2212,28,28530,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,-8388,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2060",16000,0,110000,95000,15000,8000,8000,24000,24000,39000,39000,37,48180,4,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,24000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2061",4000,0,82000,76000,6000,2000,1300,6000,5300,11300,38636,37,54621,4,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,5300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2062",0,0,0,0,0,100,-400,100,-400,-400,7600,43,5766,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2063",0,0,40000,0,40000,826,826,826,826,40826,41826,47,16956,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,826,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2064",0,0,0,0,0,1000,100,1000,100,100,100,26,24309,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2065",0,0,8000,6000,2000,400,400,400,400,2400,5750,31,19140,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,400,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2066",0,0,45000,21000,24000,77178,76678,77178,76678,100678,108103,49,37458,2,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,76678,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2067",0,0,0,0,0,30199,29599,30199,29599,29599,35300,51,28659,1,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,29599,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2068",0,0,0,0,0,10604,-5396,10604,-5396,-5396,-1171,27,10401,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-5396,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2069",0,0,60000,48000,12000,0,0,0,0,12000,34935,38,12750,2,4,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2070",33600,0,110000,14000,96000,300976,300976,334576,334576,430576,494576,49,110760,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,334576,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2071",0,0,65000,27000,38000,3000,-4450,3000,-4450,33550,34350,55,15150,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4450,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2072",0,0,0,0,0,192,-108,192,-108,-108,16254,52,11115,1,6,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-108,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2073",12732,0,60000,0,60000,37424,35754,50156,48486,108486,145359,64,34881,2,8,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,48486,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2074",0,0,85000,5000,80000,1900,330,1900,330,80330,169330,54,53475,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,330,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2075",0,0,45000,45000,0,500,500,500,500,500,2000,35,8700,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,500,1,1,0,0,0,0,0,0,0,1,0,0,0 -"2076",0,0,30000,19000,11000,50,-550,50,-550,10450,12950,30,15822,4,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-550,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2077",0,0,5000,0,5000,1490,1490,1490,1490,6490,6490,38,12816,4,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1490,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2078",7000,0,102000,102000,0,1249,-751,8249,6249,6249,6249,34,45045,4,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,6249,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2079",0,0,0,0,0,12,-9988,12,-9988,-9988,-9988,40,22689,8,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9988,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2080",0,0,20000,0,20000,760,-740,760,-740,19260,19260,63,21630,2,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-740,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2081",0,0,52000,8950,43050,0,-2025,0,-2025,41025,42191,62,9894,3,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-2025,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2082",0,0,0,0,0,28400,27500,28400,27500,27500,49500,44,44205,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,27500,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2083",10800,0,200000,62000,138000,4525,4525,15325,15325,153325,153325,46,87150,2,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,15325,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2084",0,0,0,0,0,8600,6300,8600,6300,6300,9250,26,35820,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,6300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2085",7524,0,75000,10000,65000,2106,1606,9630,9130,74130,78130,39,16692,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,9130,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2086",0,0,0,0,0,0,0,0,0,0,0,31,11451,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2087",0,0,43000,30000,13000,750,750,750,750,13750,18075,28,24690,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,750,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2088",0,0,0,0,0,0,0,0,0,0,3000,35,9102,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2089",12900,0,80000,73000,7000,3100,1800,16000,14700,21700,31700,46,35709,2,17,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,14700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2090",0,0,33750,33750,0,25,-9764,25,-9764,-9764,-2764,43,11454,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9764,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2091",800,0,0,0,0,1799,599,2599,1399,1399,4649,32,24108,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,1399,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2092",0,0,30000,13300,16700,3135,2905,3135,2905,19605,19605,51,19956,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2905,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2093",0,0,60000,40000,20000,4300,1600,4300,1600,21600,23100,32,12885,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2094",0,0,68000,63000,5000,225,75,225,75,5075,5075,34,33105,5,11,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,75,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2095",0,0,0,0,0,200,-400,200,-400,-400,-400,28,921,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2096",56000,0,230000,7500,222500,56000,55700,112000,111700,334200,334200,50,70902,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,111700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2097",10000,0,72000,56000,16000,7000,7000,17000,17000,33000,38000,39,42009,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,17000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2098",0,0,0,0,0,2100,300,2100,300,300,2300,26,16095,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2099",4000,0,0,0,0,0,-600,4000,3400,3400,3400,41,26148,3,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,3400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2100",0,0,80000,0,80000,25,-6875,25,-6875,73125,83625,44,27411,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-6875,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2101",0,0,37000,37000,0,510,-2040,510,-2040,-2040,1160,46,14424,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2040,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2102",0,0,85000,0,85000,120500,120500,120500,120500,205500,205500,59,84159,2,14,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,120500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2103",0,0,70000,30000,40000,21000,21000,21000,21000,61000,61000,43,37776,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,21000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2104",3188,0,0,0,0,44300,44300,47488,47488,47488,49638,48,26916,1,16,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.5117899,47488,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2105",0,0,168000,90000,78000,1000,-2000,1000,-2000,76000,84000,39,62130,5,18,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2106",2200,0,55000,30000,25000,3754,3224,5954,5424,30424,30424,46,38997,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5424,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2107",10000,0,0,0,0,18999,18499,28999,28499,28499,28499,43,52260,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.3533661,28499,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2108",0,0,0,0,0,2450,2150,2450,2150,2150,2150,28,14877,2,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,2150,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2109",0,0,8000,4000,4000,250,-600,250,-600,3400,3400,32,11475,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2110",0,0,0,0,0,0,0,0,0,0,800,27,11454,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2111",0,0,0,0,0,0,0,0,0,0,500,30,5214,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2112",21000,0,90000,53000,37000,7000,6400,28000,27400,64400,142400,50,60300,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,27400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2113",0,0,0,0,0,300,-2700,300,-2700,-2700,-2700,52,25020,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-2700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2114",0,0,90000,57000,33000,599,-18051,599,-18051,14949,23449,36,10212,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-18051,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2115",27000,0,175000,15000,160000,30996,30996,57996,57996,217996,218896,46,81162,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,57996,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2116",0,0,58000,15500,42500,50,-800,50,-800,41700,41700,55,12780,3,8,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2117",50000,0,50000,0,50000,4999,4719,54999,54719,104719,219244,61,27654,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,54719,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2118",0,0,10000,400,9600,2250,1450,2250,1450,11050,11050,40,40620,4,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,1450,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2119",0,0,67000,43000,24000,544,-9456,544,-9456,14544,17894,41,24012,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-9456,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2120",0,0,0,0,0,15,15,15,15,15,9584,34,17136,3,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,15,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2121",0,0,0,0,0,600,-5400,600,-5400,-5400,-3900,43,19563,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-5400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2122",0,0,40000,40000,0,100,-20,100,-20,-20,680,56,18402,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-20,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2123",0,0,0,0,0,1200,1200,1200,1200,1200,1200,27,30162,5,8,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.2951996,1200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2124",0,0,110000,63500,46500,500,500,500,500,47000,47000,40,35670,8,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2125",0,0,53000,43400,9600,900,-12500,900,-12500,-2900,1100,27,39408,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-12500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2126",0,0,0,0,0,57,57,57,57,57,1057,33,19767,3,13,0,1,1,1,1,0,0,0,0,0,1,0,2,3,0.1283302,57,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2127",6250,0,95000,51000,44000,500,-13100,6750,-6850,37150,47150,45,22506,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,-6850,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2128",0,0,58000,45000,13000,1350,-3050,1350,-3050,9950,10450,42,29076,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2129",0,0,0,0,0,0,-1600,0,-1600,-1600,1750,38,12312,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1600,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2130",0,0,75000,33000,42000,18000,18000,18000,18000,60000,60000,41,44760,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,18000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2131",0,0,0,0,0,650,-4631,650,-4631,-4631,-4631,33,31536,6,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-4631,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2132",0,0,0,0,0,1299,-315701,1299,-315701,-315701,-299701,35,89118,3,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.4572618,-315701,0,0,0,0,0,0,0,1,0,1,0,0,0 -"2133",14000,0,60000,17500,42500,10100,10100,24100,24100,66600,128600,61,28500,2,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,24100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2134",0,0,139000,0,139000,2001,2001,2001,2001,141001,161001,54,32520,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2001,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2135",0,0,0,0,0,2000,2000,2000,2000,2000,2000,34,16395,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,2000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2136",0,0,60000,0,60000,0,-3000,0,-3000,57000,57000,50,19920,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2137",0,0,0,0,0,100,-4900,100,-4900,-4900,-4150,38,18927,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4900,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2138",0,0,0,0,0,800,-5590,800,-5590,-5590,-4590,42,23004,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5590,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2139",0,0,0,0,0,600,-400,600,-400,-400,-200,42,24408,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2140",6000,0,70000,35000,35000,6000,6000,12000,12000,47000,51175,35,51360,1,16,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,12000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2141",0,0,0,0,0,0,0,0,0,0,0,58,20016,2,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2142",0,0,0,0,0,0,0,0,0,0,0,40,12240,4,4,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2143",0,0,80000,5000,75000,100,-2400,100,-2400,72600,77175,54,18255,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2400,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2144",5000,0,180000,35000,145000,16500,16300,21500,21300,166300,170975,45,33822,3,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,21300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2145",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,29,10350,6,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2146",0,0,0,0,0,800,300,800,300,300,300,38,10245,3,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2147",0,0,0,0,0,0,-200,0,-200,-200,-200,49,8535,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-200,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2148",0,0,2000,0,2000,0,0,0,0,2000,2053,46,28800,2,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2149",0,0,0,0,0,500,-500,500,-500,-500,5175,29,89280,1,13,1,0,1,0,1,0,0,0,0,0,1,0,7,3,0.4394569,-500,0,0,0,0,0,0,0,1,1,0,0,0,0 -"2150",24000,0,70000,0,70000,35000,35000,59000,59000,129000,138550,50,22824,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,59000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2151",0,0,15000,0,15000,3450,-3850,3450,-3850,11150,67200,60,8850,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-3850,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2152",0,0,0,0,0,50,-1450,50,-1450,-1450,2075,31,22572,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1450,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2153",0,0,0,0,0,10107,4107,10107,4107,4107,80849,48,28017,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,4107,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2154",0,0,50000,33000,17000,849,-3351,849,-3351,13649,14399,32,24045,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,-3351,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2155",0,0,20000,0,20000,5000,5000,5000,5000,25000,25000,34,37533,2,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,5000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2156",0,0,60000,0,60000,15299,15299,15299,15299,75299,92949,50,14391,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,15299,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2157",3528,0,150000,22400,127600,520,-880,4048,2648,130248,130248,41,28551,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2648,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2158",0,0,0,0,0,20,20,20,20,20,20,36,8976,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,20,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2159",20000,0,300000,0,300000,60200,59700,80200,79700,379700,479700,57,43350,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,79700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2160",0,0,0,0,0,0,0,0,0,0,0,32,18750,3,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2161",0,0,0,0,0,15199,14699,15199,14699,14699,20399,25,26400,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,14699,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2162",0,0,20000,0,20000,254,-1346,254,-1346,18654,21229,55,29634,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-1346,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2163",0,0,160000,0,160000,27000,23000,27000,23000,183000,189000,57,16500,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,23000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2164",0,0,0,0,0,25,-2069,25,-2069,-2069,-2069,26,5919,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2069,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2165",61000,0,200000,150000,50000,68350,67350,129350,128350,178350,178350,45,95184,5,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,128350,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2166",0,0,0,0,0,400,-600,400,-600,-600,8953,51,13479,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2167",0,0,65000,55000,10000,250,-550,250,-550,9450,9450,43,14292,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-550,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2168",0,0,0,0,0,16,-784,16,-784,-784,3216,41,22800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-784,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2169",0,0,37000,16000,21000,2499,-1501,2499,-1501,19499,19499,57,27927,4,7,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1501,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2170",0,0,0,0,0,0,-400,0,-400,-400,-400,56,19434,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-400,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2171",0,0,0,0,0,0,-1000,0,-1000,-1000,0,27,15300,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2172",0,0,0,0,0,603,-6397,603,-6397,-6397,33703,43,11103,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-6397,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2173",0,0,83000,27000,56000,8349,1549,8349,1549,57549,57549,54,36996,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1549,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2174",0,0,0,0,0,0,0,0,0,0,0,51,16500,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2175",0,0,0,0,0,7199,7199,7199,7199,7199,14675,28,41232,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,7199,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2176",7350,0,300000,32500,267500,10048,10048,17398,17398,284898,595898,46,12927,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,17398,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2177",0,0,0,0,0,200,-2000,200,-2000,-2000,-2000,62,17340,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2178",0,0,58000,38000,20000,0,0,0,0,20000,20000,64,4779,6,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2179",0,0,0,0,0,100,-1800,100,-1800,-1800,-1425,25,27726,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-1800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2180",0,0,0,0,0,0,-17500,0,-17500,-17500,193500,48,72810,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-17500,0,0,0,0,0,0,1,0,0,0,0,1,0 -"2181",0,0,145000,35000,110000,4199,4199,4199,4199,114199,114199,38,42906,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,4199,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2182",0,0,150000,34000,116000,17499,13499,17499,13499,129499,129499,48,65370,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,13499,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2183",0,0,0,0,0,5200,3200,5200,3200,3200,6200,42,116262,4,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,3200,0,0,0,0,0,0,0,1,0,0,1,0,0 -"2184",0,0,0,0,0,0,0,0,0,0,6350,59,9705,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2185",0,0,42000,0,42000,0,0,0,0,42000,50000,54,27732,2,11,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2186",0,0,0,0,0,2900,2700,2900,2700,2700,6125,31,16527,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2700,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2187",0,0,40000,0,40000,21299,21299,21299,21299,61299,62499,49,56646,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,21299,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2188",48000,0,150000,3000,147000,52000,52000,100000,100000,247000,376000,59,100941,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,100000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2189",0,0,90000,12000,78000,22950,17900,22950,17900,95900,99900,58,58959,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,17900,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2190",0,0,0,0,0,400,-7000,400,-7000,-7000,675,43,21792,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-7000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2191",0,0,48000,0,48000,17,17,17,17,48017,54017,48,16665,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,17,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2192",0,0,0,0,0,250,-100,250,-100,-100,993,25,14895,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2193",2000,0,150000,2700,147300,7499,6999,9499,8999,156299,159649,58,13404,1,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,8999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2194",0,0,0,0,0,200,200,200,200,200,950,41,10200,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2195",0,0,45000,0,45000,300,300,300,300,45300,45300,34,13818,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2196",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,34,16686,4,10,0,1,1,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2197",0,0,0,0,0,17299,17299,17299,17299,17299,21230,57,43968,2,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,17299,0,0,0,0,0,1,0,0,0,0,0,0,1 -"2198",0,0,60000,27000,33000,4200,4200,4200,4200,37200,37200,57,27366,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,4200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2199",0,0,0,0,0,900,-1000,900,-1000,-1000,-1000,34,16320,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2200",0,0,0,0,0,1499,1499,1499,1499,1499,1499,49,41658,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,1499,0,0,0,0,0,1,0,0,0,0,0,1,0 -"2201",0,0,0,0,0,1299,1299,1299,1299,1299,1799,55,4359,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,1299,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2202",0,0,0,0,0,275,-5872,275,-5872,-5872,-5872,29,28005,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5872,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2203",0,0,50000,45000,5000,2500,2500,2500,2500,7500,7500,37,30540,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,2500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2204",0,0,30000,0,30000,0,0,0,0,30000,30000,64,13122,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2205",52000,0,65000,0,65000,162300,162300,214300,214300,279300,314300,43,84900,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,214300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2206",0,0,0,0,0,67000,67000,67000,67000,67000,67000,52,27780,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,67000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2207",0,0,0,0,0,4100,3550,4100,3550,3550,9650,28,21267,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3550,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2208",0,0,45000,45000,0,100,100,100,100,100,2700,54,23358,4,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2209",0,0,70000,38000,32000,700,400,700,400,32400,35075,41,25272,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2210",0,0,0,0,0,2300,2280,2300,2280,2280,2280,30,23268,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,2280,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2211",0,0,0,0,0,1000,-3000,1000,-3000,-3000,28725,25,33750,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2212",0,0,175000,150000,25000,4200,4200,92800,92800,117800,146853,52,100596,2,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,4200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2213",0,0,60000,35000,25000,300,-900,300,-900,24100,26766,28,39618,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-900,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2214",0,0,58000,32000,26000,8420,8420,8420,8420,34420,47020,42,66111,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,8420,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2215",22000,0,175000,32000,143000,8500,5700,36500,33700,176700,206700,47,38946,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,27700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2216",0,0,0,0,0,99,99,99,99,99,99,42,15306,1,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,99,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2217",0,0,27000,27000,0,1140,1140,1140,1140,1140,7140,36,34488,5,11,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,1140,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2218",0,0,0,0,0,0,-29050,0,-29050,-29050,-28550,48,16560,2,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-29050,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2219",12000,0,0,0,0,3500,-16537,15500,-4537,-4537,231463,41,95706,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.4696543,-4537,0,0,0,0,0,0,0,1,0,0,1,0,0 -"2220",2700,0,45000,0,45000,12100,12100,14800,14800,59800,61800,53,37482,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,14800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2221",0,0,65000,47500,17500,3360,360,3360,360,17860,17860,26,30720,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,360,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2222",0,0,48000,0,48000,3999,3999,3999,3999,51999,56505,59,15450,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,3999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2223",23668,0,215000,150000,65000,56298,56298,79966,79966,144966,144966,47,20910,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,79966,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2224",0,0,0,0,0,0,-400,0,-400,-400,600,36,6411,2,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2225",0,0,65000,62500,2500,4,-1596,4,-1596,904,904,27,6780,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-1596,1,1,0,0,0,0,0,0,1,0,0,0,0 -"2226",0,0,60000,0,60000,14549,13497,14549,13497,73497,78072,59,13776,1,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,13497,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2227",0,0,0,0,0,0,0,0,0,0,0,38,8670,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2228",0,0,0,0,0,15,15,15,15,15,3365,46,7638,4,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,15,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2229",13000,0,0,0,0,10050,-7950,23050,5050,5050,5050,32,95961,2,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4888144,5050,0,0,0,0,0,0,0,1,0,1,0,0,0 -"2230",0,0,99900,89000,10900,499,-2501,499,-2501,8399,58749,52,11910,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2501,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2231",32000,0,175000,0,175000,2998,-42002,34998,-10002,164998,414998,64,49365,2,14,1,1,0,0,1,0,0,1,0,0,1,0,5,3,0.7196674,-10002,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2232",0,0,62000,50000,12000,1416,-5559,1416,-5559,6441,11441,29,31740,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-5559,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2233",0,0,0,0,0,10,10,10,10,10,740,34,15390,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,10,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2234",0,0,40000,31500,8500,8850,8000,8850,8000,16500,34500,28,71259,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,8000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2235",6000,0,54500,51400,3100,24999,24999,30999,30999,34099,34099,42,43500,4,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,30999,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2236",0,0,0,0,0,10,-890,10,-890,-890,3110,52,10806,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-890,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2237",0,0,250000,40000,210000,0,-900,0,-900,209100,274100,62,69960,9,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-900,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2238",0,0,210000,40000,170000,4999,4999,4999,4999,174999,174999,53,13110,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,4999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2239",0,0,6000,2120,3880,0,0,0,0,3880,5140,43,4836,5,11,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"2240",0,0,0,0,0,294,294,294,294,294,2794,47,14040,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,294,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2241",0,0,45000,0,45000,9149,8249,9149,8249,53249,54099,63,17733,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,8249,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2242",0,0,27000,0,27000,499,499,499,499,27499,30849,60,13290,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,499,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2243",0,0,75000,67500,7500,50,-450,50,-450,7050,7050,59,25785,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-450,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2244",0,0,0,0,0,1999,1999,1999,1999,1999,1999,26,20724,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1999,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2245",0,0,0,0,0,0,0,0,0,0,3350,64,7674,1,2,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2246",0,0,0,0,0,590,-2210,590,-2210,-2210,-2210,28,21300,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-2210,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2247",0,0,0,0,0,40,40,40,40,40,40,51,23460,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,40,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2248",0,0,0,0,0,75,75,75,75,75,131886,30,25500,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,75,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2249",0,0,0,0,0,3600,3600,3600,3600,3600,5175,45,29400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3600,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2250",0,0,50000,0,50000,2656,1340,2656,1340,51340,60000,41,29715,1,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,1340,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2251",0,0,18000,11772,6228,200,-7800,200,-7800,-1572,1761,28,42051,2,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-7800,1,0,0,0,0,1,0,0,1,0,0,0,0 -"2252",0,0,45000,0,45000,21200,19600,21200,19600,64600,70196,27,6096,1,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3536102,19600,1,1,0,0,0,0,0,0,1,0,0,0,0 -"2253",0,0,0,0,0,200,200,200,200,200,3943,61,18360,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2254",6500,0,130000,30000,100000,224000,224000,230500,230500,330500,358100,45,76428,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,230500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2255",0,0,0,0,0,1200,1120,1200,1120,1120,3820,44,20505,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,1120,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2256",0,0,0,0,0,0,0,0,0,0,750,43,25245,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2257",0,0,0,0,0,0,0,0,0,0,0,29,10080,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2258",0,0,50000,0,50000,29000,29000,29000,29000,79000,88400,58,20067,3,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,29000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2259",0,0,50000,0,50000,0,-300,0,-300,49700,53700,55,22188,5,11,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2260",0,0,0,0,0,5,-8195,5,-8195,-8195,-8195,28,27246,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-8195,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2261",2249,0,90000,28000,62000,80008,77508,82257,79757,141757,142757,55,38679,1,12,1,0,0,0,1,0,0,1,0,1,0,0,4,2,0.6174901,79757,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2262",0,0,0,0,0,8000,-2000,8000,-2000,-2000,-145,37,69120,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-2000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2263",0,0,0,0,0,0,0,0,0,0,0,46,24126,8,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2264",0,0,0,0,0,0,0,0,0,0,0,29,7290,3,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2265",0,0,0,0,0,1250,-12750,1250,-12750,-12750,-8507,32,30927,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-12750,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2266",1500,0,0,0,0,90130,89430,91630,90930,90930,99930,36,93648,2,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,90930,0,0,0,0,0,0,0,1,0,0,1,0,0 -"2267",0,0,70000,0,70000,500,-545,500,-545,69455,69455,56,32436,2,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-545,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2268",0,0,0,0,0,12000,-9300,12000,-9300,-9300,12700,27,97950,1,12,1,0,1,0,1,0,0,0,0,1,0,0,7,2,0.4394569,-9300,0,0,0,0,0,0,0,1,1,0,0,0,0 -"2269",0,0,0,0,0,9999,9999,9999,9999,9999,9999,25,5700,2,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,9999,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2270",14000,0,115000,0,115000,50000,48800,64000,62800,177800,378600,57,61500,3,13,0,1,1,0,1,0,0,1,0,0,1,0,6,3,0.5336504,62800,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2271",0,0,60000,10000,50000,2300,-2300,2300,-2300,47700,50375,50,18450,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2272",0,0,58000,0,58000,40,-1455,40,-1455,56545,56545,34,24048,7,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1455,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2273",13500,0,145000,115000,30000,14999,13799,28499,27299,57299,81799,51,75162,2,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,27299,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2274",0,0,0,0,0,540,465,540,465,465,465,37,15003,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,465,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2275",0,0,0,0,0,200,-900,200,-900,-900,5779,29,23172,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2276",0,0,0,0,0,0,0,0,0,0,0,33,12360,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2277",0,0,16000,8000,8000,0,0,0,0,8000,8000,32,12960,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2278",0,0,85000,24000,61000,41900,41710,41900,41710,102710,111685,47,22092,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,41710,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2279",0,0,45000,39600,5400,800,-600,800,-600,4800,4800,30,36066,2,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2280",0,0,0,0,0,249,-1251,249,-1251,-1251,-751,60,5472,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1251,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2281",0,0,0,0,0,850,850,850,850,850,2350,41,27045,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2282",0,0,0,0,0,6399,5899,6399,5899,5899,5899,43,34608,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,5899,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2283",10000,0,200000,53000,147000,15612,14612,25612,24612,171612,189612,60,62700,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,24612,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2284",12000,0,0,0,0,219999,219759,231999,231759,231759,231759,57,27696,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.5117899,231759,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2285",0,0,125000,0,125000,32000,32000,32000,32000,157000,159500,37,21000,2,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,32000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2286",0,0,0,0,0,30,-3370,30,-3370,-3370,-2870,63,28908,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-3370,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2287",12000,0,60000,0,60000,6600,5396,18600,17396,77396,77396,61,33090,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,17396,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2288",0,0,0,0,0,999,-251,999,-251,-251,11949,28,4869,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-251,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2289",0,0,0,0,0,0,0,0,0,0,2575,40,19125,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2290",7000,0,62000,60000,2000,500,500,7500,7500,9500,13179,48,29496,2,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,7500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2291",200,0,182000,150000,32000,150,-11850,350,-11650,20350,84850,43,56589,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-11650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2292",0,0,0,0,0,799,799,799,799,799,799,49,9228,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,799,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2293",0,0,0,0,0,15,15,15,15,15,1015,31,16029,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,15,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2294",0,0,0,0,0,0,0,0,0,0,500,40,40662,3,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2295",0,0,35000,35000,0,200,200,200,200,200,2700,37,17850,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2296",0,0,150000,45000,105000,7500,7500,7500,7500,112500,192500,47,33930,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2297",0,0,40000,30600,9400,225,225,225,225,9625,18125,38,29028,1,17,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,225,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2298",5172,0,140000,89000,51000,16550,12235,21722,17407,68407,88407,38,99330,3,18,1,1,1,1,1,0,0,1,0,0,0,1,7,4,0.7316045,17407,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2299",20000,0,100000,72000,28000,400,-1400,20400,18600,46600,62600,41,42060,4,16,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,18600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2300",0,0,0,0,0,500,500,500,500,500,1225,35,23091,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2301",0,0,3000,1000,2000,0,-130,0,-130,1870,1995,51,4137,3,6,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.062312,-130,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2302",0,0,0,0,0,1400,600,1400,600,600,6100,47,13800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2303",0,0,0,0,0,0,0,0,0,0,500,44,13005,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2304",0,0,57000,57000,0,18500,11500,18500,11500,11500,18000,26,37350,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,11500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2305",0,0,0,0,0,250,250,250,250,250,250,39,7665,3,17,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,250,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2306",0,0,30000,0,30000,5000,4000,5000,4000,34000,34000,63,37320,2,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,4000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2307",0,0,60000,0,60000,17800,16800,17800,16800,76800,88800,61,48582,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,16800,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2308",50000,0,71000,62000,9000,10840,10840,60840,60840,69840,75840,39,27546,1,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,60840,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2309",0,0,0,0,0,12,-3288,12,-3288,-3288,-3288,26,1275,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3288,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2310",0,0,10000,0,10000,0,0,0,0,10000,19500,42,18000,1,1,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2311",10000,0,120000,73000,47000,3621,2821,13621,12821,59821,59821,42,56550,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,12821,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2312",0,0,130000,126000,4000,23500,21800,23500,21800,25800,25800,44,98880,2,15,0,1,1,1,1,0,0,0,0,0,1,0,7,3,0.5679367,21800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2313",7500,0,65000,22050,42950,500,-69500,8000,-62000,-19050,-19050,58,16800,2,6,0,1,1,0,1,0,0,1,1,0,0,0,2,1,0.1464927,-62000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2314",0,0,0,0,0,1500,-11000,1500,-11000,-11000,-2321,44,48135,1,18,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-11000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2315",0,0,0,0,0,104,-96,104,-96,-96,-96,34,20880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-96,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2316",0,0,0,0,0,0,0,0,0,0,0,27,11631,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2317",0,0,12000,9600,2400,0,0,0,0,2400,2400,25,3600,5,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"2318",0,0,40000,37000,3000,100,-2100,100,-2100,900,8980,38,31896,5,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-2100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2319",10000,0,0,0,0,2500,-500,12500,9500,9500,9500,41,30000,3,12,1,0,0,0,1,0,0,1,0,1,0,0,4,2,0.6739899,9500,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2320",0,0,47712,47712,0,0,-80,0,-80,-80,-80,31,12036,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-80,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2321",0,0,73000,65500,7500,5545,-355,5545,-355,7145,8845,41,70671,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-355,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2322",0,0,10000,8998,1002,1400,16,1400,16,1018,1018,37,35739,2,17,1,1,1,1,1,0,0,0,0,0,0,1,4,4,0.5297047,16,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2323",9900,0,85000,56000,29000,8100,2292,18000,12192,41192,41192,27,31830,3,15,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,12192,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2324",0,0,0,0,0,800,-3200,800,-3200,-3200,-3200,38,32805,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-3200,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2325",14942,0,65000,0,65000,14396,14396,29338,29338,94338,95338,47,51654,4,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,29338,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2326",0,0,55000,20000,35000,19000,19000,19000,19000,54000,54000,63,18549,2,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,19000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2327",0,0,4000,2000,2000,100,100,100,100,2100,3750,25,14790,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2328",0,0,0,0,0,2000,2000,2000,2000,2000,3666,38,20478,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2329",28600,0,100000,35000,65000,117300,117120,145900,145720,210720,213220,63,41790,2,13,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,145720,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2330",0,0,0,0,0,85,85,85,85,85,585,31,8088,1,17,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3021799,85,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2331",0,0,0,0,0,0,0,0,0,0,8000,29,29355,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2332",0,0,130900,97500,33400,3350,0,3350,0,33400,42300,32,66897,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,0,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2333",0,0,0,0,0,6199,-801,6199,-801,-801,999,32,34938,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-801,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2334",0,0,0,0,0,9,-1031,9,-1031,-1031,-1031,29,25668,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1031,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2335",0,0,135000,108000,27000,42000,41900,42000,41900,68900,68900,47,123690,2,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,41900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2336",0,0,0,0,0,24999,24999,24999,24999,24999,24999,46,43896,3,17,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.5995759,24999,0,0,0,0,0,1,0,0,0,0,0,1,0 -"2337",0,0,58000,48000,10000,199,-2961,199,-2961,7039,7039,32,40104,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-2961,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2338",0,0,65000,64000,1000,300,300,300,300,1300,9300,36,57624,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2339",0,0,30000,0,30000,12000,12000,12000,12000,42000,45500,30,22074,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,12000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2340",7000,0,90000,0,90000,19300,18618,26300,25618,115618,219583,59,40854,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,25618,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2341",0,0,0,0,0,0,0,0,0,0,2000,32,14664,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2342",0,0,0,0,0,50,-2450,50,-2450,-2450,550,31,47676,3,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-2450,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2343",0,0,63000,54000,9000,3400,1780,3400,1780,10780,35780,36,47733,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1780,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2344",0,0,0,0,0,400,-7900,400,-7900,-7900,100,63,20724,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-7900,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2345",0,0,0,0,0,150,-500,150,-500,-500,0,40,6774,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-500,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2346",0,0,0,0,0,4999,4999,4999,4999,4999,4999,32,4890,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,4999,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2347",0,0,0,0,0,1800,-100,1800,-100,-100,650,33,42183,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,-100,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2348",0,0,100000,69000,31000,500,-2400,500,-2400,28600,28600,38,22776,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2349",0,0,0,0,0,2499,2499,2499,2499,2499,4499,59,16650,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2499,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2350",0,0,75000,0,75000,0,-3000,0,-3000,72000,73000,46,11592,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2351",6600,0,0,0,0,3899,3899,10499,10499,10499,16499,35,15144,4,15,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.118155,10499,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2352",0,0,0,0,0,2500,550,2500,550,550,2816,28,45045,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,550,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2353",0,0,170000,49000,121000,15100,11700,15100,11700,132700,132700,41,52089,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,11700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2354",57,0,85000,78000,7000,2650,1850,2707,1907,8907,8907,31,58980,4,1,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,1907,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2355",0,0,136000,86000,50000,1960,-1240,1960,-1240,48760,65560,40,61398,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-1240,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2356",0,0,0,0,0,0,-1067,0,-1067,-1067,-1067,59,6684,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-1067,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2357",0,0,114000,91000,23000,831,-369,831,-369,22631,22831,49,25704,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-369,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2358",0,0,80000,65000,15000,4849,3749,4849,3749,18749,18749,51,45102,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,3749,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2359",0,0,175000,0,175000,0,-5000,0,-5000,170000,170000,56,41466,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2360",0,0,0,0,0,330,-376,330,-376,-376,-376,38,13080,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-376,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2361",0,0,70000,68000,2000,17,-6983,17,-6983,-4983,-3983,37,15882,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-6983,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2362",0,0,114000,0,114000,1000,-409000,1000,-409000,-295000,-279000,40,115584,2,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-409000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2363",0,0,1000,0,1000,250,250,250,250,1250,1750,30,16500,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,250,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2364",0,0,70000,63200,6800,9998,9998,9998,9998,16798,16798,33,40470,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,9998,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2365",0,0,0,0,0,700,700,700,700,700,8300,29,25614,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2366",0,0,0,0,0,0,0,0,0,0,700,41,20928,1,10,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2367",0,0,0,0,0,1130,1130,1130,1130,1130,3630,26,26409,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,1130,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2368",3500,0,75000,25000,50000,1191,-809,4691,2691,52691,52691,36,36045,4,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,2691,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2369",0,0,0,0,0,0,0,0,0,0,0,48,9600,2,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2370",0,0,0,0,0,1999,1999,1999,1999,1999,1999,30,28356,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1999,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2371",0,0,0,0,0,10000,9400,10000,9400,9400,9400,31,32202,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,9400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2372",0,0,0,0,0,100,-5100,100,-5100,-5100,-2718,35,38244,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-5100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2373",1500,0,20000,0,20000,632,632,2132,2132,22132,24632,64,12171,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,2132,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2374",0,0,0,0,0,0,0,0,0,0,0,37,15720,4,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2375",0,0,50000,22500,27500,21,-929,21,-929,26571,30621,40,30936,4,13,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-929,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2376",0,0,0,0,0,1443,-12007,1443,-12007,-12007,-6407,27,23850,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-12007,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2377",0,0,0,0,0,2050,2050,2050,2050,2050,61550,37,25920,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2050,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2378",0,0,0,0,0,14000,13493,14000,13493,13493,135672,34,53562,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,13493,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2379",0,0,22000,8000,14000,0,0,0,0,14000,16000,61,25092,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2380",0,0,34500,22700,11800,443,-1607,443,-1607,10193,20193,30,27093,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1607,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2381",0,0,0,0,0,19328,-121472,19328,-121472,-121472,-46472,33,40902,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-121472,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2382",0,0,74000,72000,2000,3674,1174,3674,1174,3174,3174,25,30219,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1174,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2383",0,0,0,0,0,20,-180,20,-180,-180,1385,59,10788,1,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-180,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2384",0,0,0,0,0,3000,3000,3000,3000,3000,21500,56,21600,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,3000,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2385",7000,0,60000,0,60000,4100,4100,11100,11100,71100,76766,36,18750,1,15,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,11100,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2386",2000,0,0,0,0,38800,38800,40800,40800,40800,49775,42,32025,1,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,40800,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2387",0,0,0,0,0,1700,-3300,1700,-3300,-3300,475,32,27960,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-3300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2388",0,0,145000,47000,98000,2300,-2950,2300,-2950,95050,102150,50,53940,3,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-2950,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2389",0,0,0,0,0,0,-13000,0,-13000,-13000,-8667,27,19962,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-13000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2390",7000,0,150000,34000,116000,12200,10300,19200,17300,133300,133300,61,58680,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,17300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2391",0,0,23000,0,23000,4000,-1800,4000,-1800,21200,37461,57,19440,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2392",0,0,90000,42000,48000,1300,-370,1300,-370,47630,47630,46,57513,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-370,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2393",0,0,0,0,0,650,-3250,650,-3250,-3250,-2750,29,14556,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3250,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2394",0,0,140000,52000,88000,10398,10398,10398,10398,98398,110398,42,51492,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,10398,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2395",0,0,200000,0,200000,9999,9885,9999,9885,209885,209885,53,22872,6,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,9885,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2396",0,0,0,0,0,0,0,0,0,0,3825,44,30600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2397",0,0,0,0,0,0,-425,0,-425,-425,-425,28,20148,5,12,1,1,1,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-425,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2398",0,0,0,0,0,100,100,100,100,100,100,30,11820,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2399",0,0,75000,37000,38000,15500,15350,15500,15350,53350,53350,42,56046,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,15350,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2400",0,0,50000,0,50000,24999,24999,24999,24999,74999,85678,48,44376,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.4200058,24999,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2401",22000,0,100000,65000,35000,0,-3100,22000,18900,53900,53900,62,25920,2,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,18900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2402",0,0,15000,15000,0,2600,-6400,2600,-6400,-6400,-3200,45,50025,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2403",0,0,0,0,0,80900,79400,80900,79400,79400,79400,55,68760,2,9,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.3598378,79400,0,0,0,0,0,0,1,0,0,0,0,0,1 -"2404",0,0,60000,40000,20000,0,-200,0,-200,19800,27116,28,17859,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-200,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2405",2600,0,70000,0,70000,40499,40499,43099,43099,113099,113099,57,89514,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,43099,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2406",0,0,0,0,0,425,425,425,425,425,2925,32,18294,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,425,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2407",0,0,70000,38500,31500,549,-6451,549,-6451,25049,25049,33,34269,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6451,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2408",0,0,285000,150000,135000,19124,8724,19124,8724,143724,143724,33,77007,2,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,8724,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2409",2000,0,120000,55000,65000,7499,7499,9499,9499,74499,74999,50,41775,1,12,1,0,1,0,1,0,0,1,0,1,0,0,5,2,0.650903,9499,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2410",0,0,0,0,0,28,28,28,28,28,778,40,14283,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,28,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2411",0,0,0,0,0,0,0,0,0,0,7461,25,8670,10,3,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2412",0,0,0,0,0,0,0,0,0,0,1500,39,8700,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2413",5000,0,180000,54000,126000,10150,9900,15150,14900,140900,140900,44,78099,5,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,14900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2414",0,0,0,0,0,600,600,600,600,600,600,38,24462,4,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2415",0,0,30000,30000,0,500,-4242,500,-4242,-4242,758,46,30600,4,6,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-4242,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2416",0,0,0,0,0,75,75,75,75,75,575,42,6801,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,75,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2417",0,0,250000,0,250000,17000,16700,17000,16700,266700,351700,59,27942,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,16700,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2418",0,0,33500,15000,18500,949,949,949,949,19449,19649,48,13215,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,949,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2419",0,0,85000,0,85000,1600,1200,1600,1200,86200,88440,32,34788,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2420",0,0,85000,40000,45000,11243,11243,11243,11243,56243,56243,41,63939,4,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,11243,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2421",0,0,30000,25000,5000,522,-1008,522,-1008,3992,11992,29,15312,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1008,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2422",0,0,125000,38000,87000,21500,6500,21500,6500,93500,94500,40,38400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,6500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2423",4000,0,200000,98,199902,999,999,4999,4999,204901,206779,61,16014,6,11,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.1320933,4999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2424",0,0,0,0,0,0,0,0,0,0,0,39,15504,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2425",0,0,0,0,0,100,-5950,100,-5950,-5950,8050,45,22812,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5950,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2426",0,0,74000,72000,2000,5800,800,5800,800,2800,5800,31,25158,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2427",0,0,0,0,0,480,-320,480,-320,-320,-320,27,25953,4,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-320,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2428",0,0,0,0,0,1000,0,1000,0,0,3666,34,15558,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2429",0,0,70000,0,70000,4979,-15141,4979,-15141,54859,66859,49,69555,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-15141,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2430",28000,0,175000,0,175000,18298,18298,46298,46298,221298,227298,61,8739,2,10,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0.2088342,46298,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2431",0,0,0,0,0,0,-2850,0,-2850,-2850,816,27,22200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-2850,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2432",0,0,0,0,0,1300,-1500,1300,-1500,-1500,-1500,27,14430,2,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2433",0,0,0,0,0,0,0,0,0,0,3500,35,33843,2,10,1,0,1,0,1,0,0,0,1,0,0,0,4,1,0.6600804,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2434",0,0,0,0,0,6500,6500,6500,6500,6500,33000,31,26058,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,6500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2435",0,0,85000,85000,0,2535,1035,2535,1035,1035,2535,46,30600,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,1035,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2436",54500,0,105000,36000,69000,5000,4600,59500,59100,128100,153100,57,74718,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,59100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2437",0,0,0,0,0,49,49,49,49,49,799,63,26823,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,49,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2438",0,0,0,0,0,7999,6799,7999,6799,6799,10799,34,12360,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,6799,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2439",1500,0,0,0,0,3200,-1300,4700,200,200,44470,48,5568,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1173758,200,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2440",0,0,45000,20000,25000,3100,1600,3100,1600,26600,31600,39,77919,6,17,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2441",0,0,68000,61000,7000,2300,950,2300,950,7950,7950,29,18450,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,950,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2442",0,0,200000,0,200000,35,-12465,35,-12465,187535,204535,50,41217,4,7,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-12465,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2443",0,0,0,0,0,2549,2549,2549,2549,2549,11010,38,18438,6,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2549,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2444",0,0,0,0,0,85,-4915,85,-4915,-4915,-3582,33,20736,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-4915,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2445",0,0,0,0,0,1700,1700,1700,1700,1700,2900,38,20577,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2446",0,0,160000,75000,85000,200,200,200,200,85200,85200,60,24432,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2447",14000,0,0,0,0,209075,209075,223075,223075,223075,225575,30,63750,1,16,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.6386597,223075,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2448",0,0,0,0,0,9043,4591,9043,4591,4591,16393,26,28356,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,4591,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2449",0,0,55000,46000,9000,600,-9400,600,-9400,-400,20200,38,36648,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-9400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2450",0,0,0,0,0,100,-900,100,-900,-900,6900,29,40074,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-900,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2451",0,0,0,0,0,400,400,400,400,400,400,33,12264,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2452",7000,0,100000,0,100000,27100,26800,34100,33800,133800,142581,49,30063,1,14,1,0,1,0,1,0,0,1,0,0,1,0,4,3,0.6174901,33800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2453",0,0,0,0,0,0,0,0,0,0,100,32,14529,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2454",0,0,0,0,0,13514,7768,13514,7768,7768,7768,31,32256,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,7768,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2455",0,0,27000,19900,7100,3300,-6700,3300,-6700,400,6750,40,22752,4,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-6700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2456",6000,0,0,0,0,3000,2550,9000,8550,8550,18703,59,31350,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.2906278,8550,0,0,0,0,1,0,0,0,0,0,0,0,1 -"2457",0,0,37670,37670,0,0,-40,0,-40,-40,1235,35,15690,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-40,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2458",0,0,0,0,0,17800,15600,17800,15600,15600,27685,25,17793,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2459",0,0,20000,0,20000,0,0,0,0,20000,20000,59,13020,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2460",0,0,0,0,0,0,-5000,0,-5000,-5000,-5000,36,22152,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2461",0,0,0,0,0,800,-10700,800,-10700,-10700,-10700,35,36000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-10700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2462",0,0,0,0,0,0,0,0,0,0,0,48,7113,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2463",0,0,0,0,0,19699,19599,19699,19599,19599,32574,47,28182,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,19599,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2464",0,0,72500,14400,58100,29850,29715,29850,29715,87815,112815,35,74178,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,29715,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2465",0,0,300000,100000,200000,12898,12898,12898,12898,212898,212898,41,84495,6,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,12898,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2466",0,0,42500,0,42500,4199,4199,4199,4199,46699,46699,64,21102,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,4199,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2467",13760,0,165000,150000,15000,100000,99835,113760,113595,128595,128703,58,59952,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,113595,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2468",0,0,40000,35000,5000,0,0,0,0,5000,6000,41,10200,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2469",0,0,0,0,0,123,-4577,123,-4577,-4577,-4577,48,9354,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-4577,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2470",3000,0,125000,105000,20000,11500,8500,14500,11500,31500,33500,44,46800,3,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,11500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2471",3000,0,90000,20000,70000,300,-2700,3300,300,70300,75580,49,45150,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,300,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2472",0,0,0,0,0,300,-10300,300,-10300,-10300,-7800,25,19926,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-10300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2473",0,0,160000,83000,77000,4500,4500,4500,4500,81500,82250,40,26073,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,4500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2474",0,0,300000,91000,209000,400,-5600,400,-5600,203400,203875,52,38610,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-5600,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2475",0,0,0,0,0,1020,1020,1020,1020,1020,3920,31,21630,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1020,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2476",0,0,0,0,0,550,-2450,550,-2450,-2450,-2450,36,25812,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-2450,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2477",0,0,40000,33000,7000,0,-25,0,-25,6975,11061,44,5760,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-25,1,1,0,0,0,0,0,0,0,0,1,0,0 -"2478",0,0,0,0,0,10199,6435,10199,6435,6435,10860,44,46740,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,6435,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2479",11000,0,150000,102500,47500,7050,5550,18050,16550,64050,64050,45,25728,5,18,1,1,0,1,1,0,0,1,0,0,0,1,3,4,0.3788275,16550,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2480",0,0,110000,35000,75000,200,-250,200,-250,74750,77750,47,41670,6,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,-250,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2481",0,0,26000,26000,0,0,-8000,0,-8000,-8000,-8000,35,29925,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-8000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2482",0,0,0,0,0,50,-150,50,-150,-150,5150,35,14610,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2483",3500,0,99000,99000,0,8100,7100,11600,10600,10600,16600,46,41622,5,11,0,1,0,0,1,0,0,1,1,0,0,0,5,1,0.4624346,10600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2484",0,0,29000,27000,2000,49749,48599,49749,48599,50599,50599,37,42459,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,48599,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2485",0,0,200000,62500,137500,399,399,399,399,137899,137899,49,36336,6,11,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.3719455,399,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2486",0,0,90000,56500,33500,1350,950,1350,950,34450,34450,35,27624,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,950,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2487",0,0,0,0,0,600,-960,600,-960,-960,8615,42,23313,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-960,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2488",0,0,0,0,0,0,0,0,0,0,1500,43,19074,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2489",0,0,90000,55000,35000,18575,16975,18575,16975,51975,61975,33,33225,5,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,16975,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2490",0,0,200000,78000,122000,900,-11100,900,-11100,110900,110900,40,59685,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-11100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2491",0,0,0,0,0,80,80,80,80,80,4080,41,10830,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,80,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2492",550,0,0,0,0,14500,14500,15050,15050,15050,23050,39,61863,6,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.3533661,15050,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2493",0,0,0,0,0,0,0,0,0,0,0,46,19371,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2494",0,0,0,0,0,750,-1250,750,-1250,-1250,-175,33,17100,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1250,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2495",0,0,0,0,0,320,-569,320,-569,-569,23081,39,9000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-569,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2496",15900,0,55000,14900,40100,13300,13300,29200,29200,69300,69390,61,42744,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,29200,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2497",0,0,0,0,0,0,0,0,0,0,1000,29,12000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2498",0,0,75000,0,75000,0,0,0,0,75000,75000,41,13260,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2499",0,0,0,0,0,8000,8000,8000,8000,8000,8000,45,36495,3,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,8000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"2500",0,0,38000,25000,13000,525,525,525,525,13525,44825,46,22170,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,525,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2501",0,0,0,0,0,0,0,0,0,0,7579,26,22080,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2502",1400,0,110000,65000,45000,11300,9300,12700,10700,55700,55700,39,42120,4,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2503",0,0,0,0,0,15114,14264,15114,14264,14264,26402,25,9660,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,14264,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2504",0,0,0,0,0,0,0,0,0,0,500,39,13338,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2505",0,0,0,0,0,550,550,550,550,550,550,32,36945,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,550,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2506",0,0,0,0,0,700,700,700,700,700,8700,52,22791,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2507",0,0,0,0,0,2249,-21751,2249,-21751,-21751,-20251,28,3765,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-21751,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2508",0,0,0,0,0,0,-5800,0,-5800,-5800,-2412,45,17685,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5800,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2509",0,0,55000,18000,37000,249,-4751,249,-4751,32249,44249,45,50397,2,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-4751,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2510",0,0,120000,55000,65000,4999,2999,4999,2999,67999,67999,41,18660,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2999,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2511",0,0,0,0,0,0,-300,0,-300,-300,450,43,3825,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-300,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2512",0,0,0,0,0,2686,86,2686,86,86,33886,36,32073,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,86,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2513",0,0,2000,0,2000,300,300,300,300,2300,3500,34,16845,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2514",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,31,21969,10,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2515",0,0,0,0,0,200,-2088,200,-2088,-2088,-2088,61,6132,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2088,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2516",0,0,110000,0,110000,99,-331,99,-331,109669,109669,27,16056,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-331,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2517",0,0,25000,18000,7000,8000,8000,8000,8000,15000,28000,29,102996,4,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,8000,1,0,0,0,0,0,0,1,1,0,0,0,0 -"2518",0,0,60000,59900,100,1900,-25100,1900,-25100,-25000,-23800,38,36924,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-25100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2519",0,0,35000,0,35000,22300,21900,22300,21900,56900,67300,63,51528,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,21900,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2520",0,0,0,0,0,1820,1142,1820,1142,1142,1142,27,38442,2,17,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5896286,1142,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2521",10000,0,50000,10000,40000,3299,2899,13299,12899,52899,61036,46,47520,4,15,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,12899,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2522",0,0,0,0,0,600,600,600,600,600,2675,26,14310,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2523",0,0,65000,50000,15000,500,500,500,500,15500,15500,28,19131,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,500,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2524",0,0,160000,16000,144000,5855,5855,5855,5855,149855,149855,59,26664,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,5855,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2525",0,0,0,0,0,5713,5583,5713,5583,5583,5583,43,29280,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,5583,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2526",0,0,6000,0,6000,0,-3000,0,-3000,3000,4884,42,13203,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2527",0,0,75000,0,75000,1176,876,1176,876,75876,75876,47,10848,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,876,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2528",0,0,30000,0,30000,3695,695,3695,695,30695,30695,48,34941,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,695,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2529",0,0,77000,77000,0,1249,1249,1249,1249,1249,1249,58,8745,6,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,1249,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2530",1000,0,75000,57900,17100,9600,3600,10600,4600,21700,25050,31,33036,1,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,4600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2531",0,0,85000,0,85000,0,0,0,0,85000,87150,38,15300,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2532",0,0,60000,32000,28000,0,-9168,0,-9168,18832,18832,41,14484,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-9168,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2533",0,0,70000,56000,14000,2249,2249,2249,2249,16249,16249,42,33015,2,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,2249,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2534",12000,0,0,0,0,84354,84354,96354,96354,96354,105929,40,63204,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.6386597,96354,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2535",0,0,0,0,0,260,-2840,260,-2840,-2840,-1790,40,15306,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2840,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2536",0,0,45000,0,45000,749,749,749,749,45749,48749,53,34185,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,749,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2537",0,0,0,0,0,6000,-4000,6000,-4000,-4000,-4000,57,92160,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,-4000,0,0,0,0,0,0,0,1,0,0,0,0,1 -"2538",0,0,0,0,0,800,-1200,800,-1200,-1200,3100,25,28830,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2539",0,0,0,0,0,6,6,6,6,6,706,37,29868,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,6,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2540",0,0,20000,14000,6000,0,0,0,0,6000,7000,28,16320,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2541",0,0,45000,40000,5000,1800,1725,1800,1725,6725,9225,35,16749,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,1725,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2542",0,0,150000,19500,130500,1200,-1100,1200,-1100,129400,129900,54,18288,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2543",0,0,0,0,0,100,100,100,100,100,662,31,25308,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2544",20500,0,300000,61000,239000,65500,65500,86000,86000,325000,625000,45,60654,2,10,1,1,0,1,1,0,0,1,1,0,0,0,6,1,0.7130944,86000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2545",0,0,0,0,0,100,-150,100,-150,-150,850,28,19500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2546",0,0,55000,25900,29100,0,-3450,0,-3450,25650,26250,31,22575,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-3450,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2547",827,0,0,0,0,0,-1157,827,-330,-330,2270,33,17745,5,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.118155,-330,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2548",0,0,300000,120000,180000,6500,-2000,6500,-2000,178000,183000,50,49164,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2549",0,0,50000,44000,6000,2020,1820,2020,1820,7820,16499,54,7923,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1820,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2550",1400,0,45000,39000,6000,5600,100,7000,1500,7500,13650,30,24912,1,14,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2551",0,0,0,0,0,950,-2050,950,-2050,-2050,-2050,27,35310,2,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-2050,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2552",0,0,0,0,0,1199,-6301,1199,-6301,-6301,-3801,39,37569,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-6301,0,0,0,0,1,0,0,0,0,0,1,0,0 -"2553",40000,0,215000,84000,131000,39000,37000,79000,77000,208000,208800,35,31398,4,17,0,1,1,0,1,0,0,1,0,0,0,1,4,4,0.3524857,77000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2554",0,0,125000,55000,70000,260,-1740,260,-1740,68260,72060,50,23148,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1740,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2555",0,0,50000,26000,24000,9000,9000,9000,9000,33000,35575,40,32676,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,9000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2556",0,0,100000,84800,15200,550,-1650,550,-1650,13550,13550,52,12912,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1650,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2557",0,0,0,0,0,0,-980,0,-980,-980,520,40,22500,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-980,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2558",0,0,0,0,0,0,0,0,0,0,500,42,18000,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2559",0,0,156000,147000,9000,2700,1600,2700,1600,10600,10600,28,29427,6,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,1600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2560",0,0,35000,13000,22000,4000,-500,4000,-500,21500,42500,57,30303,2,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2561",0,0,0,0,0,0,0,0,0,0,0,26,5694,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2562",0,0,0,0,0,0,0,0,0,0,0,31,21129,7,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2563",0,0,0,0,0,40,-960,40,-960,-960,-535,33,19200,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-960,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2564",0,0,0,0,0,900,-1100,900,-1100,-1100,6561,36,7536,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-1100,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2565",0,0,0,0,0,1000,1000,1000,1000,1000,3200,34,18975,3,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2566",0,0,0,0,0,0,0,0,0,0,900,33,1560,5,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2567",0,0,0,0,0,1000,1000,1000,1000,1000,7500,32,15840,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2568",0,0,0,0,0,0,0,0,0,0,0,37,8694,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2569",0,0,0,0,0,10000,0,10000,0,0,20850,26,47016,1,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,0,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2570",0,0,0,0,0,20,-980,20,-980,-980,5763,32,24000,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-980,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2571",0,0,230000,150000,80000,20100,15100,20100,15100,95100,96600,34,15459,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,15100,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2572",0,0,93000,80000,13000,1510,-4490,1510,-4490,8510,8510,26,32460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-4490,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2573",0,0,0,0,0,0,0,0,0,0,0,46,35100,3,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,0,0,0,1,0 -"2574",0,0,0,0,0,0,0,0,0,0,4000,33,12240,6,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2575",0,0,65500,65500,0,500,-2000,500,-2000,-2000,-2000,32,47391,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2576",0,0,0,0,0,999,999,999,999,999,10999,44,12960,8,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,999,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2577",0,0,55000,38000,17000,4249,4249,4249,4249,21249,23674,26,35325,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,4249,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2578",0,0,70000,52000,18000,1000,-1000,1000,-1000,17000,27000,49,36720,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-1000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2579",0,0,0,0,0,0,0,0,0,0,2350,26,9801,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2580",0,0,115000,80000,35000,1900,-2250,1900,-2250,32750,40649,35,40164,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2250,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2581",0,0,73000,53000,20000,38200,22700,38200,22700,42700,66700,37,54324,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,22700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2582",0,0,0,0,0,160,160,160,160,160,1410,50,22137,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,160,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2583",0,0,60000,39000,21000,0,-400,0,-400,20600,21800,32,16215,8,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2584",0,0,0,0,0,0,0,0,0,0,750,35,16917,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2585",0,0,57000,57000,0,400,-1600,400,-1600,-1600,-1600,28,29922,6,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2586",0,0,0,0,0,30180,30180,30180,30180,30180,50180,33,26448,3,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,30180,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2587",0,0,0,0,0,210,210,210,210,210,710,49,10674,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,210,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2588",5000,0,150000,12500,137500,2500,-500,7500,4500,142000,145000,42,94455,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,4500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2589",0,0,0,0,0,0,0,0,0,0,0,36,16506,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2590",0,0,0,0,0,250,250,250,250,250,3600,42,15315,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2591",0,0,0,0,0,180,180,180,180,180,780,44,26415,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,180,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2592",100000,0,120000,0,120000,31688,19688,131688,119688,239688,339688,59,66288,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,119688,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2593",12800,0,150000,0,150000,32400,23700,45200,36500,186500,199500,61,38940,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,36500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2594",0,0,40000,639,39361,0,-3000,0,-3000,36361,36861,40,10386,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2595",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,29,12000,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2596",9200,0,0,0,0,21400,14620,30600,23820,23820,24570,48,23640,1,15,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.5117899,23820,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2597",0,0,28000,28000,0,1275,-810,1275,-810,-810,-810,36,38061,4,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-810,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2598",0,0,0,0,0,0,0,0,0,0,1000,29,10176,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2599",6000,0,250000,40000,210000,3600,2200,9600,8200,218200,221683,45,29262,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,8200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2600",0,0,0,0,0,20249,19249,20249,19249,19249,19624,35,47421,4,10,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.3243191,19249,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2601",0,0,0,0,0,0,-7100,0,-7100,-7100,1400,31,58122,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-7100,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2602",0,0,32000,25000,7000,400,-700,400,-700,6300,6800,42,16608,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-700,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2603",18000,0,125000,90000,35000,166500,166500,184500,184500,219500,299500,36,118401,4,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,184500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2604",0,0,0,0,0,700,-4800,700,-4800,-4800,-4300,42,23400,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2605",0,0,95000,90000,5000,5600,-24400,5600,-24400,-19400,-3347,30,45180,1,18,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-24400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2606",0,0,0,0,0,0,0,0,0,0,0,45,19848,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2607",0,0,59000,23900,35100,75,75,75,75,35175,35550,52,33624,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,75,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2608",0,0,39000,0,39000,0,0,0,0,39000,39000,56,4080,7,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2609",0,0,0,0,0,1600,1600,1600,1600,1600,3800,29,45975,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,1600,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2610",0,0,0,0,0,1300,-2300,1300,-2300,-2300,-1880,30,31785,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2300,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2611",0,0,35000,10000,25000,749,649,749,649,25649,27982,26,15981,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,649,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2612",0,0,0,0,0,1200,1200,1200,1200,1200,4225,28,12672,2,16,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,1200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2613",20200,0,300000,0,300000,212400,212400,232600,232600,532600,532600,40,48402,4,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,232600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2614",0,0,20000,18000,2000,100,-500,100,-500,1500,5200,52,26010,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2615",0,0,0,0,0,12000,11800,12000,11800,11800,11800,31,26028,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,11800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2616",0,0,0,0,0,35000,34000,35000,34000,34000,39850,39,45420,1,13,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,34000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2617",8800,0,115000,25000,90000,2251,-7449,11051,1351,91351,91351,57,14676,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,1351,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2618",0,0,0,0,0,0,0,0,0,0,0,40,4107,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2619",0,0,0,0,0,1000,350,1000,350,350,4550,25,7680,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,350,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2620",0,0,0,0,0,200,-24800,200,-24800,-24800,35200,47,24996,1,18,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-24800,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2621",2700,0,42000,42000,0,810,416,3510,3116,3116,4366,46,12945,3,13,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,3116,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2622",0,0,0,0,0,800,0,800,0,0,5500,48,9966,2,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2623",0,0,90000,90000,0,849,-9151,849,-9151,-9151,-2651,45,114048,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-9151,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2624",0,0,45000,43288,1712,206,-825,206,-825,887,887,30,17427,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-825,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2625",0,0,80000,38500,41500,800,800,800,800,42300,43300,54,24654,2,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2626",0,0,0,0,0,0,-17000,0,-17000,-17000,-16000,52,23760,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-17000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2627",0,0,100000,36000,64000,30000,29700,30000,29700,93700,93700,45,17400,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,29700,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2628",0,0,0,0,0,499,499,499,499,499,999,30,15330,2,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,499,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2629",0,0,0,0,0,0,0,0,0,0,0,33,10464,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2630",0,0,0,0,0,0,0,0,0,0,500,38,10800,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2631",0,0,170000,55000,115000,290,-17710,290,-17710,97290,97290,38,42054,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-17710,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2632",0,0,0,0,0,600,100,600,100,100,4800,26,9366,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,100,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2633",2000,0,160000,95000,65000,758,-742,2758,1258,66258,66258,34,60615,4,14,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,1258,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2634",0,0,135000,95450,39550,4400,-360,4400,-360,39190,55490,34,72375,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-360,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2635",0,0,0,0,0,0,0,0,0,0,3743,25,14013,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2636",2400,0,103000,55000,48000,2900,2671,5300,5071,53071,58921,62,29616,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,5071,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2637",0,0,0,0,0,3248,-8752,3248,-8752,-8752,-8752,39,55191,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-8752,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2638",0,0,0,0,0,4100,-15900,4100,-15900,-15900,-15900,45,53010,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5000061,-15900,0,0,0,0,0,0,1,0,0,0,0,1,0 -"2639",0,0,75000,25000,50000,164025,154825,164025,154825,204825,219400,46,43086,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,154825,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2640",37500,0,150000,62500,87500,4898,-26011,42398,11489,98989,98989,61,42246,2,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,11489,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2641",0,0,100000,0,100000,28237,25437,28237,25437,125437,125437,62,22974,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,25437,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2642",12000,0,0,0,0,17700,17700,29700,29700,29700,34275,34,22410,1,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,29700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2643",0,0,40000,0,40000,2199,2199,2199,2199,42199,98252,53,26295,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,2199,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2644",3076,0,20000,0,20000,9435,6935,12511,10011,30011,33361,43,26463,1,14,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,10011,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2645",0,0,0,0,0,849,849,849,849,849,6110,25,20448,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,849,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2646",0,0,225000,0,225000,23700,20700,23700,20700,245700,245700,61,49050,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,20700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2647",0,0,80000,38000,42000,200,-300,200,-300,41700,44200,43,11400,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-300,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2648",26000,0,0,0,0,111000,111000,137000,137000,137000,227242,46,90141,1,18,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.3313638,137000,0,0,0,0,0,0,0,1,0,0,0,1,0 -"2649",0,0,82,0,82,0,0,0,0,82,3178,31,13770,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2650",0,0,0,0,0,1200,-400,1200,-400,-400,2025,35,7860,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-400,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2651",16000,0,65000,32000,33000,4913,2613,20913,18613,51613,58412,34,56574,4,17,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,18613,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2652",0,0,0,0,0,26200,25200,26200,25200,25200,35879,30,40950,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,25200,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2653",4000,0,65000,40000,25000,1300,-1000,5300,3000,28000,28000,53,43521,2,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,3000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2654",0,0,215000,99000,116000,27709,27209,27709,27209,143209,143209,44,34794,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,27209,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2655",1500,0,200000,150000,50000,30200,30200,31700,31700,81700,85700,35,51372,3,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,31700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2656",0,0,0,0,0,100,100,100,100,100,1335,26,21216,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2657",0,0,300000,150000,150000,900,-350,900,-350,149650,149650,31,59544,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-350,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2658",0,0,0,0,0,549,-193,549,-193,-193,-193,31,16128,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-193,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2659",900,0,65000,21300,43700,3699,3699,4599,4599,48299,57299,37,47643,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,4599,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2660",0,0,0,0,0,360,-53640,360,-53640,-53640,-53640,43,12750,6,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-53640,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2661",0,0,0,0,0,400,400,400,400,400,400,61,10032,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2662",0,0,0,0,0,750,-250,750,-250,-250,6648,46,26172,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-250,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2663",0,0,59000,35000,24000,315,-6685,315,-6685,17315,18315,45,8067,1,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-6685,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2664",0,0,0,0,0,1477,-14523,1477,-14523,-14523,-4523,29,45612,2,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-14523,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2665",0,0,75000,67000,8000,3100,-3900,3100,-3900,4100,6433,26,57975,1,16,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-3900,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2666",0,0,75000,4000,71000,6800,5600,22800,21600,92600,92600,58,36900,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,5600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2667",0,0,62000,57200,4800,1300,1100,1300,1100,5900,16970,34,36474,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,1100,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2668",0,0,250000,150000,100000,10300,5800,10300,5800,105800,105800,33,84621,4,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,5800,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2669",0,0,0,0,0,0,-40,0,-40,-40,-40,27,8928,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-40,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2670",0,0,290000,150000,140000,300,230,300,230,140230,140230,36,17274,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,230,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2671",29043,0,150000,117000,33000,1549,1549,30592,30592,63592,63592,63,35547,3,15,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,30592,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2672",22400,0,145000,55000,90000,51600,50600,74000,73000,163000,213000,48,66450,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,73000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2673",5900,0,250000,150000,100000,23699,22699,29599,28599,128599,217349,38,90045,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,28599,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2674",0,0,40000,10000,30000,358,-1622,358,-1622,28378,28878,53,8166,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,-1622,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2675",0,0,80000,69000,11000,8700,5900,8700,5900,16900,61900,47,64500,3,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5900,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2676",0,0,65000,0,65000,0,-900,0,-900,64100,84100,49,4218,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,-900,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2677",0,0,0,0,0,3000,2800,3000,2800,2800,2800,62,20526,3,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,2800,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2678",0,0,5000,0,5000,13000,12877,13000,12877,17877,21877,31,37461,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12877,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2679",0,0,40000,0,40000,100,-3900,100,-3900,36100,44100,36,23700,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2680",0,0,0,0,0,7999,7799,7999,7799,7799,7799,25,46506,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,7799,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2681",7000,0,69000,20000,49000,22200,22200,29200,29200,78200,81200,28,49125,3,17,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,29200,1,0,0,0,0,1,0,0,1,0,0,0,0 -"2682",0,0,0,0,0,849,-4751,849,-4751,-4751,-3851,32,39465,5,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,-4751,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2683",0,0,65000,24000,41000,300,-3100,300,-3100,37900,47900,48,24090,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-3100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2684",0,0,0,0,0,3999,3999,3999,3999,3999,10092,34,14976,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3999,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2685",0,0,0,0,0,0,-1600,0,-1600,-1600,400,36,24792,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2686",0,0,50000,28000,22000,1700,-5000,1700,-5000,17000,32000,47,42150,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2687",0,0,61000,29000,32000,2119,19,2119,19,32019,32019,45,27033,4,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,19,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2688",10000,0,80000,78000,2000,3181,181,13181,10181,12181,16981,45,54150,3,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,10181,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2689",0,0,26000,12000,14000,5000,4400,5000,4400,18400,18400,37,19140,4,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,4400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2690",16500,0,158000,138000,20000,73000,73000,89500,89500,109500,176300,40,67128,2,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,89500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2691",0,0,60000,0,60000,70335,70335,70335,70335,130335,130335,54,23832,3,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,70335,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2692",0,0,20000,0,20000,130,130,130,130,20130,21630,42,27000,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,130,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2693",25000,0,75000,32000,43000,4000,3700,29000,28700,71700,130600,36,55152,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,28700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2694",0,0,80000,22000,58000,0,-5000,0,-5000,53000,56000,51,26106,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-5000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2695",0,0,125000,0,125000,200,-9100,200,-9100,115900,115900,46,34455,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-9100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2696",0,0,134000,100000,34000,312,-3188,312,-3188,30812,42812,28,19542,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-3188,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2697",0,0,0,0,0,0,0,0,0,0,1800,33,19347,3,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2698",0,0,0,0,0,0,0,0,0,0,0,29,6375,2,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2699",2250,0,100000,64000,36000,53000,50600,55250,52850,88850,96850,52,51030,3,13,1,1,1,0,1,0,0,1,0,0,1,0,6,3,0.7130944,52850,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2700",0,0,60000,0,60000,0,0,0,0,60000,60000,49,9051,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2701",0,0,59000,49000,10000,310,110,310,110,10110,12963,52,39219,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,110,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2702",0,0,0,0,0,499,499,499,499,499,499,29,20430,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,499,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2703",0,0,78000,72000,6000,5,-7795,5,-7795,-1795,22805,28,23883,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-7795,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2704",0,0,90000,75000,15000,14000,10900,14000,10900,25900,25900,35,71700,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,10900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2705",0,0,35000,22000,13000,1449,-6551,1449,-6551,6449,6449,59,33051,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-6551,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2706",0,0,0,0,0,8300,7620,8300,7620,7620,10195,27,13410,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,7620,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2707",0,0,70000,62000,8000,0,0,0,0,8000,20000,42,24600,7,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2708",0,0,0,0,0,745,-255,3245,2245,2245,5728,32,4608,4,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-255,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2709",0,0,35000,16000,19000,0,-500,0,-500,18500,21075,54,9072,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-500,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2710",0,0,0,0,0,0,-3610,0,-3610,-3610,-2410,31,9369,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-3610,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2711",0,0,0,0,0,0,0,0,0,0,0,40,24687,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2712",3800,0,63000,59500,3500,400,-1200,4200,2600,6100,7550,39,27354,3,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,2600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2713",0,0,42000,27000,15000,1874,1509,1874,1509,16509,21509,39,29151,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,1509,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2714",13420,0,115000,49000,66000,37800,36600,51220,50020,116020,116020,52,43341,2,16,0,1,1,0,1,0,0,1,0,0,0,1,5,4,0.4624346,50020,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2715",0,0,0,0,0,0,0,0,0,0,3500,28,8088,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2716",0,0,65000,50765,14235,25648,25648,25648,25648,39883,49183,37,40404,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,25648,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2717",0,0,0,0,0,900,900,900,900,900,900,50,13443,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,900,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2718",0,0,49900,31900,18000,1150,700,1150,700,18700,24850,25,25395,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,700,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2719",6000,0,36000,36000,0,33000,33000,39000,39000,39000,41500,45,15936,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,39000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2720",0,0,55000,47000,8000,2450,900,2450,900,8900,8900,36,17820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2721",0,0,55000,55000,0,10129,9279,10129,9279,9279,9279,37,32370,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,9279,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2722",0,0,75000,33750,41250,599,599,599,599,41849,41349,41,8760,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,599,1,1,0,0,0,0,0,0,0,0,1,0,0 -"2723",0,0,0,0,0,1800,1500,1800,1500,1500,134500,28,32430,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,1500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2724",12200,0,170000,130000,40000,45211,27211,57411,39411,79411,86411,44,104460,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,39411,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2725",0,0,0,0,0,500,500,500,500,500,500,37,12630,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2726",0,0,90000,24000,66000,999,349,999,349,66349,75349,43,25872,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,349,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2727",0,0,45000,38000,7000,450,-50,450,-50,6950,18950,60,15801,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-50,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2728",0,0,0,0,0,0,0,0,0,0,0,51,13500,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2729",0,0,180000,66500,113500,4800,4350,4800,4350,117850,117850,39,46104,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,4350,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2730",0,0,0,0,0,5,-595,5,-595,-595,3370,32,14790,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-595,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2731",0,0,0,0,0,110,-2890,110,-2890,-2890,13110,38,50550,6,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-2890,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2732",0,0,0,0,0,0,0,0,0,0,2500,62,12036,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2733",0,0,80000,29000,51000,4000,4000,4000,4000,55000,55000,58,19890,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,4000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2734",0,0,0,0,0,10,-7290,10,-7290,-7290,-5290,32,34263,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7290,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2735",0,0,50000,10000,40000,0,0,0,0,40000,40000,35,17244,6,15,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2736",0,0,0,0,0,800,800,800,800,800,800,62,26034,6,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,800,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2737",22000,0,225000,48000,177000,74499,73299,96499,95299,272299,273799,59,79323,2,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,95299,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2738",0,0,0,0,0,9000,7000,9000,7000,7000,21000,26,21975,2,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,7000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2739",0,0,0,0,0,0,0,0,0,0,0,29,16203,4,12,1,1,1,1,1,0,0,0,0,1,0,0,2,2,0.3791962,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2740",0,0,0,0,0,0,0,0,0,0,500,39,8700,3,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2741",0,0,60000,0,60000,100599,100099,100599,100099,160099,160099,57,30840,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100099,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2742",0,0,28000,13000,15000,0,0,0,0,15000,18333,31,27225,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2743",10000,0,60000,7000,53000,14999,14999,24999,24999,77999,82999,47,35814,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,24999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2744",0,0,200000,88000,112000,3999,2999,3999,2999,114999,118930,53,52008,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2745",0,0,75000,58250,16750,4414,4144,4414,4144,20894,20894,44,47769,6,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,4144,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2746",6791,0,300000,44000,256000,20000,15200,26791,21991,277991,277991,59,41934,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,21991,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2747",0,0,62500,0,62500,1100,950,1100,950,63450,70450,27,34704,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,950,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2748",0,0,28000,0,28000,990,-1093,990,-1093,26907,150795,31,13317,4,15,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,-1093,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2749",0,0,0,0,0,99,99,99,99,99,99,30,19386,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,99,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2750",0,0,8000,0,8000,15600,13500,15600,13500,21500,28183,56,29301,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,13500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2751",0,0,6000,6000,0,1163,1163,1163,1163,1163,1163,32,55680,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,1163,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2752",0,0,0,0,0,100,100,100,100,100,100,31,12234,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2753",0,0,90000,61000,29000,0,0,0,0,29000,30195,39,19635,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2754",0,0,135000,60000,75000,9864,9613,9864,9613,84613,90894,40,70602,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,9613,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2755",0,0,58000,49000,9000,1000,-730,1000,-730,8270,11770,41,27012,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-730,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2756",0,0,40000,23000,17000,400,-100,400,-100,16900,22575,37,26052,8,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2757",0,0,0,0,0,750,-3750,750,-3750,-3750,5850,31,24486,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3750,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2758",15000,0,0,0,0,1750,-5486,16750,9514,9514,19514,29,36666,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,9514,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2759",0,0,0,0,0,0,-4015,0,-4015,-4015,-1015,40,44610,6,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-4015,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2760",0,0,0,0,0,0,0,0,0,0,23604,32,12240,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2761",0,0,0,0,0,3050,2250,3050,2250,2250,3525,25,3150,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,2250,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2762",0,0,0,0,0,0,0,0,0,0,0,61,10200,1,5,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2763",0,0,42000,38000,4000,0,0,0,0,4000,4750,48,9180,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2764",5500,0,144000,144000,0,12200,5100,17700,10600,10600,10600,39,70650,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,10600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2765",0,0,30000,0,30000,0,0,0,0,30000,30000,60,15000,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2766",0,0,64000,58000,6000,80,-920,80,-920,5080,5480,31,44241,3,12,0,0,0,1,1,0,0,0,0,1,0,0,5,2,0.4200058,-920,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2767",0,0,0,0,0,4140,4140,4140,4140,4140,13140,46,33288,2,13,0,1,1,0,1,0,0,0,0,0,1,0,4,3,0.2951996,4140,0,0,0,0,1,0,0,0,0,0,0,1,0 -"2768",4156,0,160000,150000,10000,85972,85172,90128,89328,99328,199328,43,96336,4,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,89328,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2769",0,0,0,0,0,4999,4999,4999,4999,4999,4999,34,60108,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,4999,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2770",800,0,285000,22500,262500,6250,5550,7050,6350,268850,272090,33,41715,4,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,6350,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2771",0,0,0,0,0,0,0,0,0,0,0,59,10422,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2772",0,0,0,0,0,4500,4500,4500,4500,4500,5833,28,21675,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,4500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2773",0,0,0,0,0,1600,-3150,1600,-3150,-3150,8850,26,23556,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-3150,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2774",11000,0,95000,73500,21500,7400,6265,18400,17265,38765,39265,28,70323,2,17,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,17265,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2775",0,0,0,0,0,2000,1860,2000,1860,1860,360,26,15609,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1860,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2776",0,0,95000,95000,0,1200,-3800,1200,-3800,-3800,-3800,28,39609,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3800,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2777",0,0,0,0,0,1800,1800,1800,1800,1800,1800,32,29520,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2778",0,0,65000,46000,19000,3800,3500,3800,3500,22500,22500,37,41514,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2779",0,0,0,0,0,0,0,0,0,0,0,32,12264,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2780",0,0,275000,150000,125000,1011999,976499,1041999,1006499,1131499,1150499,40,82251,5,18,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,976499,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2781",0,0,119000,89000,30000,2500,-2100,2500,-2100,27900,35900,29,31569,4,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-2100,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2782",0,0,66900,66900,0,0,-1570,0,-1570,-1570,22430,38,5607,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1570,1,1,0,0,0,0,0,0,0,0,1,0,0 -"2783",0,0,0,0,0,200,-3300,200,-3300,-3300,-1231,27,22296,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2784",0,0,65000,16600,48400,325,-1184,325,-1184,47216,49216,44,34890,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1184,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2785",0,0,40000,0,40000,1000,1000,1000,1000,41000,41000,40,17106,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2786",7000,0,5200,0,5200,8083,7583,15083,14583,19783,59783,60,15894,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,14583,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2787",0,0,0,0,0,2398,2398,2398,2398,2398,5398,31,19284,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,2398,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2788",2900,0,0,0,0,15399,11399,18299,14299,14299,39299,32,23718,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,14299,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2789",0,0,0,0,0,200,200,200,200,200,3025,28,17370,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2790",0,0,0,0,0,0,0,0,0,0,1500,28,6984,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2791",0,0,85000,73000,12000,5874,3174,5874,3174,15174,25174,38,55854,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,3174,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2792",10000,0,60000,42000,18000,10000,10000,20000,20000,38000,38000,51,53670,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2793",0,0,175000,0,175000,5000,5000,5000,5000,180000,188975,58,24300,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,5000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2794",0,0,66000,60000,6000,250,-350,250,-350,5650,5650,25,17418,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-350,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2795",0,0,0,0,0,3884,3684,3884,3684,3684,3684,26,24621,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,3684,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2796",50000,0,87900,0,87900,38999,38999,88999,88999,176899,176899,58,73686,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,88999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2797",0,0,25000,1700,23300,800,-400,800,-400,22900,22900,42,19848,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2798",0,0,140000,127000,13000,3000,-9100,3000,-9100,3900,4700,29,49200,2,17,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-9100,1,0,0,0,0,1,0,0,1,0,0,0,0 -"2799",0,0,170000,150000,20000,2000,2000,2000,2000,22000,22000,33,63969,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2800",0,0,12000,12000,0,5,-995,5,-995,-995,-245,32,9690,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-995,1,1,0,0,0,0,0,0,0,1,0,0,0 -"2801",0,0,53000,0,53000,80000,80000,80000,80000,133000,134000,60,26400,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,80000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2802",0,0,75000,0,75000,13000,12500,13000,12500,87500,126500,61,37452,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,12500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2803",0,0,60000,32000,28000,1514,-13486,1514,-13486,14514,14514,53,27336,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-13486,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2804",0,0,300000,150000,150000,18400,14900,18400,14900,164900,164900,42,92775,5,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,14900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2805",76000,0,80000,0,80000,2599,2599,78599,78599,158599,158599,62,29694,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,78599,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2806",4000,0,0,0,0,6400,6100,10400,10100,10100,12675,26,30342,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,10100,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2807",800,0,65000,57000,8000,26000,24850,26800,25650,33650,33650,33,46140,5,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,25650,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2808",6084,0,70000,37000,33000,1935,1667,8019,7751,40751,40751,63,36633,6,11,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,7751,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2809",0,0,0,0,0,280,-1145,280,-1145,-1145,-1145,52,10584,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1145,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2810",13000,0,95000,0,95000,89981,89981,102981,102981,197981,197981,40,36177,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,102981,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2811",0,0,82000,80668,1332,0,-8593,0,-8593,-7261,-5361,29,30495,6,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-8593,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2812",0,0,35000,27000,8000,512,-888,512,-888,7112,8812,40,24645,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-888,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2813",0,0,65000,50000,15000,4000,300,4000,300,15300,38300,44,72975,3,10,1,1,0,1,1,0,0,0,1,0,0,0,6,1,0.6688337,300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2814",0,0,0,0,0,0,0,0,0,0,0,28,7920,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2815",0,0,0,0,0,50,50,50,50,50,10050,39,10500,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,50,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2816",0,0,25000,25000,0,300,-600,300,-600,-600,-600,42,36075,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2817",0,0,60000,35000,25000,11492,7492,11492,7492,32492,32867,35,77628,2,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,7492,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2818",0,0,6000,5398,602,0,-57,0,-57,545,2045,28,18144,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-57,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2819",0,0,0,0,0,400,-3100,400,-3100,-3100,900,32,53976,3,10,0,1,1,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-3100,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2820",14698,0,120000,88000,32000,31950,17950,46648,32648,64648,103648,41,82524,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,32648,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2821",0,0,58000,52500,5500,22058,22058,22058,22058,27558,27558,30,62886,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,22058,1,0,0,0,0,0,1,0,0,1,0,0,0 -"2822",0,0,20000,0,20000,3000,1744,3000,1744,21744,26244,64,30108,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,1744,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2823",6600,0,65000,58000,7000,11000,11000,17600,17600,24600,24600,37,59580,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,17600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2824",3000,0,120000,95000,25000,16750,10750,19750,13750,38750,54250,38,113508,3,18,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,13750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2825",0,0,125000,17000,108000,5500,3500,5500,3500,111500,121400,35,44856,5,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,3500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2826",5000,0,229000,98000,131000,381500,380000,386500,385000,516000,546510,43,50484,3,12,0,0,0,0,1,0,0,1,0,1,0,0,6,2,0.4868788,385000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2827",0,0,3000,0,3000,0,0,0,0,3000,8500,50,16728,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2828",0,0,18000,11000,7000,600,-3490,600,-3490,3510,4010,50,15360,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-3490,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2829",10000,0,53000,0,53000,74400,74400,84400,84400,137400,149350,59,25248,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,84400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2830",0,0,150000,65000,85000,749,349,749,349,85349,123802,39,35295,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,349,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2831",0,0,0,0,0,0,0,0,0,0,675,30,18399,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2832",0,0,16000,0,16000,0,-30500,0,-30500,-14500,-14500,31,14877,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-30500,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2833",1700,0,0,0,0,4000,2500,5700,4200,4200,5500,31,21546,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,4200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2834",0,0,0,0,0,0,-300,0,-300,-300,400,31,21240,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2835",0,0,135000,135000,0,1000,800,1000,800,800,6650,30,18000,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,800,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2836",0,0,5000,0,5000,0,-17000,0,-17000,-12000,-7600,47,4860,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.036628,-17000,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2837",0,0,0,0,0,9500,6500,9500,6500,6500,12800,60,10368,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,6500,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2838",22000,0,85000,51900,33100,13000,5800,35000,27800,60900,66643,34,34680,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.3669286,27800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2839",0,0,50000,43000,7000,5,-3495,5,-3495,3505,3505,29,44472,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-3495,1,0,0,0,0,1,0,0,1,0,0,0,0 -"2840",0,0,0,0,0,2499,2499,2499,2499,2499,2499,47,23883,3,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,2499,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2841",14400,0,169000,70000,99000,40500,38500,54900,52900,151900,160900,41,69693,4,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,52900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2842",0,0,0,0,0,2000,2000,2000,2000,2000,22339,33,79713,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,2000,0,0,0,0,0,0,0,1,0,1,0,0,0 -"2843",0,0,0,0,0,710,-8540,710,-8540,-8540,-4540,27,48042,2,18,0,1,1,0,1,0,0,0,0,0,0,1,5,4,0.3243191,-8540,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2844",11060,0,60000,32000,28000,4500,-500,15560,10560,38560,49011,46,45531,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,10560,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2845",0,0,0,0,0,0,-2000,0,-2000,-2000,5242,47,7800,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2000,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2846",8000,0,185000,117500,67500,20000,20000,28000,28000,95500,95500,34,105246,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,28000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2847",0,0,112500,91000,21500,1800,-12300,1800,-12300,9200,9200,36,67005,5,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-12300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2848",0,0,60000,13000,47000,648,-112,648,-112,46888,47888,52,37830,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-112,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2849",0,0,200000,55000,145000,16000,16000,16000,16000,161000,161000,46,51960,12,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,16000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2850",0,0,65000,49000,16000,1499,199,1499,199,16199,19199,42,32130,4,17,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,199,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2851",34770,0,300000,150000,150000,1054849,1054849,1089619,1089619,1239619,1294619,38,135405,3,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,1089619,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2852",0,0,90000,60000,30000,3304,1704,3304,1704,31704,39204,64,28830,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1704,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2853",0,0,60000,37000,23000,650,450,650,450,23450,37450,44,37260,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,450,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2854",0,0,90000,75000,15000,30000,29000,30000,29000,44000,55000,31,48420,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,29000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2855",0,0,56000,56000,0,351,-5122,351,-5122,-5122,178,38,37197,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5122,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2856",0,0,0,0,0,0,0,0,0,0,0,35,1920,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2857",800,0,50000,30000,20000,1569,-10798,2369,-9998,10002,33002,36,56190,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-9998,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2858",0,0,0,0,0,300,300,300,300,300,1400,27,19800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2859",16000,0,90000,0,90000,660,610,16660,16610,106610,109285,61,25233,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,16610,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2860",0,0,0,0,0,1920,-47080,1920,-47080,-47080,-45080,44,41961,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-47080,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2861",0,0,68000,57600,10400,7250,72,7250,72,10472,14672,29,51879,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,72,1,0,0,0,0,0,1,0,1,0,0,0,0 -"2862",0,0,110400,110400,0,2860,1746,2860,1746,1746,1746,44,31527,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1746,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2863",0,0,0,0,0,2600,-19175,2600,-19175,-19175,-4175,30,28716,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-19175,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2864",0,0,0,0,0,611,611,611,611,611,6572,35,23268,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,611,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2865",0,0,300000,150000,150000,200,200,200,200,150200,160879,46,19440,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2866",0,0,45300,45300,0,154,-3146,154,-3146,-3146,-3146,38,36654,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-3146,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2867",0,0,59000,41500,17500,1599,1599,1599,1599,19099,19599,47,12336,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1599,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2868",0,0,70000,57732,12268,500,-4000,500,-4000,8268,13768,30,34041,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2869",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,29,35643,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2870",0,0,30000,21000,9000,111,-1889,111,-1889,7111,7111,48,41007,2,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1889,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2871",0,0,0,0,0,33349,33199,33349,33199,33199,38374,49,53919,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,33199,0,0,0,0,0,0,1,0,0,0,0,1,0 -"2872",0,0,80000,0,80000,283,-917,283,-917,79083,81415,25,37692,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-917,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2873",0,0,46000,24000,22000,1250,1080,1250,1080,23080,26080,49,19392,3,13,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,1080,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2874",4000,0,0,0,0,40500,40500,44500,44500,44500,65862,42,83616,1,12,1,0,0,0,1,0,0,1,0,1,0,0,7,2,0.4935519,44500,0,0,0,0,0,0,0,1,0,0,1,0,0 -"2875",0,0,0,0,0,0,-150,0,-150,-150,350,53,10200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-150,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2876",0,0,45000,40000,5000,0,-1078,0,-1078,3922,3922,30,13350,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1078,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2877",0,0,0,0,0,600,355,600,355,355,855,32,10512,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,355,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2878",0,0,20000,4500,15500,103,-3197,103,-3197,12303,12803,37,18429,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3197,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2879",1800,0,26000,0,26000,2600,2213,6650,6263,32263,39263,35,16113,5,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,4013,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2880",0,0,0,0,0,300,300,300,300,300,7043,57,16830,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,300,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2881",3800,0,0,0,0,2051,-1649,5851,2151,2151,7651,36,20310,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,2151,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2882",0,0,42000,20000,22000,0,0,0,0,22000,29800,25,34953,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2883",0,0,70000,42500,27500,1000,0,1000,0,27500,30000,25,30651,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2884",300,0,59000,31900,27100,540,-2460,840,-2160,24940,25090,35,23073,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,-2160,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2885",0,0,0,0,0,1700,-800,1700,-800,-800,4200,28,21600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2886",0,0,0,0,0,235,-2065,235,-2065,-2065,-2065,43,25068,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-2065,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2887",8800,0,75000,65000,10000,11000,10800,19800,19600,29600,30600,37,94929,4,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,19600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2888",0,0,0,0,0,2223,2223,2223,2223,2223,2973,50,10362,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2223,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2889",0,0,0,0,0,0,0,0,0,0,0,47,8316,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2890",0,0,0,0,0,499,499,499,499,499,499,29,17280,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,499,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2891",0,0,0,0,0,137,-5763,137,-5763,-5763,-5763,29,10800,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-5763,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2892",0,0,0,0,0,0,0,0,0,0,0,25,18150,5,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2893",0,0,0,0,0,225,225,225,225,225,3303,27,7332,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,225,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2894",0,0,40000,0,40000,1000,1000,1000,1000,41000,41000,27,17520,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2895",0,0,0,0,0,499,-201,499,-201,-201,9395,27,15330,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-201,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2896",9000,0,50000,0,50000,6448,5948,15448,14948,64948,72498,47,16980,1,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,14948,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2897",0,0,0,0,0,275,-1125,275,-1125,-1125,-1125,25,16800,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1125,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2898",0,0,50000,35000,15000,900,900,900,900,15900,20566,64,12642,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,900,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2899",900,0,50000,33000,17000,2900,2300,3800,3200,20200,32700,40,27150,6,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,3200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2900",0,0,210000,137000,73000,25104,24654,25104,24654,97654,100904,52,40041,3,14,0,0,0,0,1,0,0,0,0,0,1,0,5,3,0.4200058,24654,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2901",0,0,0,0,0,0,0,0,0,0,0,25,20400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2902",15302,0,200000,44000,156000,10115,6115,25417,21417,177417,177417,55,54360,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,21417,1,0,0,0,0,0,1,0,0,0,0,0,1 -"2903",0,0,0,0,0,500,500,500,500,500,8179,25,7164,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,500,0,1,0,0,0,0,0,0,1,0,0,0,0 -"2904",0,0,0,0,0,0,0,0,0,0,0,49,11730,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"2905",0,0,0,0,0,0,0,0,0,0,0,34,4548,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2906",0,0,52500,52500,0,5500,2100,5500,2100,2100,3196,32,26973,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,2100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2907",0,0,0,0,0,0,0,0,0,0,0,33,24993,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2908",0,0,45000,37000,8000,750,600,750,600,8600,8600,47,24015,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2909",0,0,11000,5200,5800,1500,1340,1500,1340,7140,12190,27,21690,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1340,1,0,0,1,0,0,0,0,1,0,0,0,0 -"2910",0,0,0,0,0,1000,1000,1000,1000,1000,1000,28,14460,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2911",0,0,150000,40000,110000,899,-301,899,-301,109699,109699,54,21462,2,6,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.273178,-301,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2912",0,0,0,0,0,500,500,500,500,500,600,34,15330,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2913",0,0,0,0,0,0,-1300,0,-1300,-1300,700,40,20400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-1300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2914",0,0,0,0,0,0,0,0,0,0,250,40,9300,9,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"2915",0,0,0,0,0,7300,7300,7300,7300,7300,7300,38,13740,3,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,7300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2916",0,0,25000,19400,5600,844,-6656,844,-6656,-1056,944,44,37644,3,14,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-6656,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2917",0,0,0,0,0,102,-3798,102,-3798,-3798,-1998,35,26319,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3798,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2918",0,0,0,0,0,30248,20262,30248,20262,20262,34637,27,15291,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,20262,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2919",0,0,69500,69500,0,1100,-700,1100,-700,-700,-700,35,43233,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2920",0,0,87000,87000,0,2200,-3800,2200,-3800,-3800,-3800,36,53460,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-3800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2921",0,0,0,0,0,100,100,100,100,100,100,38,27852,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2922",0,0,50000,31000,19000,29771,29771,29771,29771,48771,48771,33,30966,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,29771,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2923",10600,0,62000,46000,16000,1400,400,12000,11000,27000,36500,42,52884,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2924",0,0,0,0,0,0,-600,0,-600,-600,-600,60,7650,2,3,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-600,0,1,0,0,0,0,0,0,0,0,0,0,1 -"2925",8000,0,45000,27000,18000,17398,17398,25398,25398,43398,46898,61,18204,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,25398,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2926",0,0,0,0,0,1999,1799,1999,1799,1799,5149,25,13506,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1799,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2927",8000,0,100000,0,100000,3675,3675,11675,11675,111675,115100,62,16845,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,11675,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2928",0,0,0,0,0,0,0,0,0,0,0,49,4632,7,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2929",2000,0,91000,31800,59200,9899,8399,11899,10399,69599,90299,40,29622,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,10399,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2930",27149,0,27000,19900,7100,10765,10745,37914,37894,44994,47894,48,27660,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,37894,1,0,0,1,0,0,0,0,0,0,0,1,0 -"2931",0,0,0,0,0,900,-1100,900,-1100,-1100,13270,33,15618,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-1100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2932",0,0,0,0,0,125,-425,125,-425,-425,5254,37,48000,3,17,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-425,0,0,0,0,0,1,0,0,0,0,1,0,0 -"2933",0,0,40000,30000,10000,4,-996,4,-996,9004,9004,32,46401,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-996,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2934",0,0,0,0,0,1100,-200,1100,-200,-200,11800,31,49434,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-200,0,0,0,0,0,1,0,0,0,1,0,0,0 -"2935",0,0,150000,25000,125000,999,999,999,999,125999,125999,45,44940,3,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.4407951,999,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2936",0,0,0,0,0,2999,2999,2999,2999,2999,2999,33,19800,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2999,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2937",0,0,30000,0,30000,0,0,0,0,30000,30000,54,9180,5,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2938",0,0,250000,0,250000,17075,17075,17075,17075,267075,284425,35,30300,2,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,17075,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2939",7000,0,0,0,0,23100,8400,30100,15400,15400,15400,39,50400,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,15400,0,0,0,0,0,0,1,0,0,0,1,0,0 -"2940",0,0,160000,114000,46000,1100,-10900,1100,-10900,35100,141100,38,54765,4,14,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-10900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2941",0,0,260000,135000,125000,16660,14060,16660,14060,139060,160060,38,94503,5,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,14060,1,0,0,0,0,0,0,1,0,0,1,0,0 -"2942",0,0,0,0,0,0,0,0,0,0,3350,50,5610,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"2943",0,0,70000,54000,16000,200,-8000,200,-8000,8000,15000,34,35625,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-8000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2944",0,0,40000,10000,30000,10,-710,10,-710,29290,29290,37,10566,6,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-710,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2945",0,0,59000,41000,18000,700,700,700,700,18700,47175,38,18900,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,700,1,0,1,0,0,0,0,0,0,0,1,0,0 -"2946",5000,0,135000,70000,65000,16200,13200,21200,18200,83200,83200,47,49086,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,18200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"2947",5000,0,200000,82000,118000,4000,1900,9000,6900,124900,124900,37,69009,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2948",0,0,0,0,0,0,0,0,0,0,0,34,4815,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2949",0,0,150000,106000,44000,9516,-1334,9516,-1334,42666,42666,31,36153,5,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-1334,1,0,0,0,1,0,0,0,0,1,0,0,0 -"2950",0,0,90000,50000,40000,9999,9999,9999,9999,49999,65999,45,63366,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,9999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2951",0,0,95000,2700,92300,500,-2400,500,-2400,89900,143700,46,56388,5,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"2952",70000,0,185000,100000,85000,400000,399400,470000,469400,554400,554400,61,172092,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,469400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2953",10000,0,150000,0,150000,26499,25599,36499,35599,185599,185599,35,114300,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,35599,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2954",38000,0,112000,50000,62000,800,800,38800,38800,100800,100800,44,61455,4,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,38800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"2955",0,0,40000,17000,23000,5900,4272,5900,4272,27272,27272,43,21168,2,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,4272,1,0,0,1,0,0,0,0,0,0,1,0,0 -"2956",0,0,24000,18500,5500,0,-1200,0,-1200,4300,4300,52,5742,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-1200,1,1,0,0,0,0,0,0,0,0,0,1,0 -"2957",0,0,0,0,0,0,0,0,0,0,0,31,21828,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2958",16824,0,144600,0,144600,986302,986302,1003126,1003126,1147726,1147726,64,43272,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,1003126,1,0,0,0,0,1,0,0,0,0,0,0,1 -"2959",0,0,0,0,0,0,0,0,0,0,500,33,16062,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"2960",0,0,0,0,0,500,-4400,500,-4400,-4400,-4300,25,21879,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2961",6000,0,100000,35000,65000,73998,73998,79998,79998,144998,159423,57,38040,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,79998,1,0,0,0,1,0,0,0,0,0,0,0,1 -"2962",2500,0,122000,102050,19950,6000,2000,8500,4500,24450,28450,34,48078,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,4500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"2963",4500,0,300000,150000,150000,81000,81000,85500,85500,235500,261075,34,102009,1,18,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,85500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"2964",3000,0,0,0,0,17000,14750,20000,17750,17750,17750,30,53400,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,17750,0,0,0,0,0,0,1,0,0,1,0,0,0 -"2965",0,0,43000,43000,0,200,200,200,200,200,200,47,14412,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,200,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2966",12000,0,150000,33750,116250,0,0,12000,12000,128250,128250,56,77430,5,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,12000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"2967",0,0,225000,110000,115000,8900,8900,8900,8900,123900,123900,36,43260,8,8,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,8900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"2968",1400,0,55000,45000,10000,100,-1900,1500,-500,9500,16206,44,30840,3,8,0,1,1,1,1,0,0,1,1,0,0,0,4,1,0.3524857,-500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"2969",18000,0,250000,80000,170000,58700,58550,76700,76550,246550,281550,45,79317,3,12,0,1,1,1,1,0,0,1,0,1,0,0,7,2,0.5801663,76550,1,0,0,0,0,0,0,1,0,0,0,1,0 -"2970",60000,0,80000,30000,50000,17000,16850,77000,76850,126850,134850,50,38400,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,76850,1,0,0,0,1,0,0,0,0,0,0,1,0 -"2971",0,0,85000,0,85000,16999,10199,16999,10199,95199,95199,57,17988,3,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,10199,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2972",0,0,70000,50000,20000,1000,1000,1000,1000,21000,25096,54,13797,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,1000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"2973",0,0,0,0,0,4999,3899,4999,3899,3899,5199,33,32160,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,3899,0,0,0,0,1,0,0,0,0,1,0,0,0 -"2974",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,30,7650,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-1000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"2975",4500,0,0,0,0,970,-630,5470,3870,3870,7536,35,23037,1,17,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,3870,0,0,0,1,0,0,0,0,0,1,0,0,0 -"2976",0,0,0,0,0,10,-1490,10,-1490,-1490,3510,26,11460,4,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1490,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2977",0,0,0,0,0,20,-8680,20,-8680,-8680,-8680,26,19785,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-8680,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2978",0,0,0,0,0,0,-3016,0,-3016,-3016,-2178,59,12906,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3016,0,0,1,0,0,0,0,0,0,0,0,0,1 -"2979",0,0,0,0,0,2200,2200,2200,2200,2200,2200,41,15432,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"2980",0,0,46000,45000,1000,210,10,210,10,1010,5606,29,16194,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,10,1,0,1,0,0,0,0,0,1,0,0,0,0 -"2981",0,0,90000,81000,9000,0,-7000,0,-7000,2000,5000,34,17445,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-7000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"2982",0,0,30000,27000,3000,300,300,300,300,3300,3300,32,21420,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"2983",23000,0,55000,52500,2500,0,-2800,23000,20200,22700,29825,27,9240,1,16,0,0,1,0,1,0,0,1,0,0,0,1,1,4,0.1431995,20200,1,1,0,0,0,0,0,0,1,0,0,0,0 -"2984",0,0,50000,49000,1000,3000,3000,3000,3000,4000,13000,28,32034,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,3000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"2985",0,0,0,0,0,750,350,750,350,350,4350,59,32856,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,350,0,0,0,0,1,0,0,0,0,0,0,0,1 -"2986",0,0,60000,35000,25000,500,-2500,500,-2500,22500,22500,57,26832,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-2500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"2987",0,0,0,0,0,50,-13950,50,-13950,-13950,-6750,37,27330,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-13950,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2988",0,0,0,0,0,60,-1440,60,-1440,-1440,-1240,37,22482,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1440,0,0,0,1,0,0,0,0,0,0,1,0,0 -"2989",0,0,0,0,0,1100,-1500,1100,-1500,-1500,2833,28,33849,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2990",0,0,0,0,0,5795,5795,5795,5795,5795,22670,27,45219,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,5795,0,0,0,0,0,1,0,0,1,0,0,0,0 -"2991",0,0,0,0,0,1100,-2900,1100,-2900,-2900,-2900,46,28605,2,15,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2900,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2992",24000,0,0,0,0,60000,60000,84000,84000,84000,93050,62,25020,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,84000,0,0,0,1,0,0,0,0,0,0,0,0,1 -"2993",0,0,0,0,0,4850,4550,4850,4550,4550,8550,26,13320,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,4550,0,0,1,0,0,0,0,0,1,0,0,0,0 -"2994",0,0,30000,0,30000,3000,850,3000,850,30850,38350,59,14415,2,5,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,850,1,0,1,0,0,0,0,0,0,0,0,0,1 -"2995",0,0,70000,0,70000,500,-600,500,-600,69400,69400,60,3888,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-600,1,1,0,0,0,0,0,0,0,0,0,0,1 -"2996",0,0,0,0,0,27600,-2400,27600,-2400,-2400,-1200,28,28887,2,18,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-2400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"2997",0,0,0,0,0,80,80,80,80,80,2580,29,39606,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,80,0,0,0,0,1,0,0,0,1,0,0,0,0 -"2998",0,0,0,0,0,11999,11999,11999,11999,11999,21449,46,26964,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,11999,0,0,0,1,0,0,0,0,0,0,0,1,0 -"2999",0,0,84000,57000,27000,0,-700,0,-700,26300,26300,35,18903,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-700,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3000",0,0,23000,23000,0,300,-5400,300,-5400,-5400,2600,33,15708,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5400,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3001",0,0,0,0,0,900,750,900,750,750,4975,26,18360,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,750,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3002",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,32,53796,5,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-1000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3003",17000,0,100000,56000,44000,3600,3600,20600,20600,64600,64600,59,33360,2,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,20600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3004",0,0,0,0,0,2500,2500,2500,2500,2500,2500,62,17919,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2500,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3005",0,0,0,0,0,0,0,0,0,0,0,42,7668,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3006",0,0,35000,33000,2000,350,350,350,350,2350,3350,27,27810,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,350,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3007",0,0,0,0,0,0,-3200,0,-3200,-3200,-3200,60,15810,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-3200,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3008",26000,0,70000,37000,33000,2100,1800,28100,27800,60800,67700,43,44016,1,13,0,0,0,0,1,0,0,1,0,0,1,0,5,3,0.4414764,27800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3009",0,0,300000,150000,150000,41949,41649,41949,41649,191649,191649,60,47040,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,41649,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3010",0,0,25000,11000,14000,1600,1600,1600,1600,15600,19150,45,25320,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3011",0,0,225000,50000,175000,300,-6900,300,-6900,168100,168600,41,19170,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-6900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3012",24500,0,50000,0,50000,35000,35000,59500,59500,109500,109500,61,22659,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,59500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3013",0,0,0,0,0,0,0,0,0,0,0,40,25536,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3014",0,0,82000,79000,3000,51,51,51,51,3051,5051,43,39120,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6028074,51,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3015",0,0,55000,53000,2000,9,9,9,9,2009,2009,48,2427,3,8,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0.375,9,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3016",0,0,0,0,0,0,0,0,0,0,0,61,11844,3,15,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3017",0,0,0,0,0,0,-600,0,-600,-600,-600,34,8322,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-600,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3018",0,0,87000,87000,0,1100,-12900,1100,-12900,-12900,-10325,34,29250,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-12900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3019",0,0,0,0,0,350,-1450,350,-1450,-1450,7550,25,17361,2,14,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3791962,-1450,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3020",0,0,60000,30000,30000,150,-2350,150,-2350,27650,31000,40,6783,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-2350,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3021",0,0,47000,47000,0,0,-5000,0,-5000,-5000,-2000,36,28527,3,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3022",0,0,0,0,0,13000,13000,13000,13000,13000,13000,57,4875,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,13000,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3023",6500,0,205000,150000,55000,1449,-23551,7949,-17051,37949,37949,64,39339,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,-17051,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3024",0,0,97000,69000,28000,200,-50,200,-50,27950,27950,31,43476,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,-50,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3025",8000,0,62000,22000,40000,8450,2950,16450,10950,50950,53700,48,30870,3,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,10950,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3026",0,0,0,0,0,1600,-600,1600,-600,-600,3066,30,17430,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-600,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3027",3500,0,11800,0,11800,35,-165,3535,3335,15135,17435,51,27888,5,13,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.3788275,3335,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3028",0,0,116000,60000,56000,68049,43599,68049,43599,99599,99599,42,28515,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,43599,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3029",22000,0,40000,0,40000,1499,1499,23499,23499,63499,66849,55,8460,1,16,0,1,0,0,1,0,0,1,0,0,0,1,1,4,0.2088342,23499,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3030",0,0,160000,103900,56100,13100,11900,13100,11900,68000,236086,55,56598,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,11900,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3031",0,0,0,0,0,1500,700,1500,700,700,700,37,19467,3,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,700,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3032",1750,0,0,0,0,800,800,2550,2550,2550,32632,64,8172,3,8,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2246842,2550,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3033",0,0,15000,0,15000,0,-4000,0,-4000,11000,11700,46,14400,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3034",0,0,0,0,0,310,310,310,310,310,810,40,25194,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,310,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3035",0,0,0,0,0,0,0,0,0,0,0,31,8031,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3036",0,0,0,0,0,40000,-143500,40000,-143500,-143500,-134800,34,63600,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,-143500,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3037",1700,0,70000,10500,59500,6550,6550,8250,8250,67750,67750,62,39648,2,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,8250,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3038",0,0,0,0,0,1049,249,1049,249,249,5792,41,34794,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,249,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3039",0,0,0,0,0,4000,-101436,4000,-101436,-101436,-100736,31,42555,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-101436,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3040",0,0,0,0,0,4800,1800,4800,1800,1800,3300,56,24672,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1800,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3041",0,0,0,0,0,13,13,13,13,13,13,39,7023,5,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,13,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3042",0,0,0,0,0,16549,16549,16549,16549,16549,32602,26,11118,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,16549,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3043",0,0,0,0,0,425,40,425,40,40,1140,33,18834,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,40,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3044",0,0,26750,26750,0,81,-5919,81,-5919,-5919,-5919,35,22473,4,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5919,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3045",0,0,65000,50000,15000,58300,55300,58300,55300,70300,123400,57,74856,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,55300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3046",0,0,45000,45000,0,50,50,50,50,50,1550,49,15741,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,50,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3047",0,0,95000,85000,10000,2000,2000,2000,2000,12000,27000,41,48000,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3048",300,0,0,0,0,3103,-8897,3403,-8597,-8597,-8597,34,31833,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.277538,-8597,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3049",0,0,0,0,0,50,-397,50,-397,-397,103,35,21177,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-397,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3050",0,0,0,0,0,0,-1100,0,-1100,-1100,-1100,46,9120,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1100,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3051",0,0,60000,47500,12500,500,500,500,500,13000,19004,25,18390,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3052",300,0,75000,0,75000,0,0,300,300,75300,79825,36,8964,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,300,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3053",3000,0,57000,20000,37000,6440,3940,9440,6940,43940,52940,48,61665,3,12,0,1,1,1,1,0,0,1,0,1,0,0,6,2,0.5336504,6940,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3054",0,0,20000,18000,2000,10,-5490,10,-5490,-3490,-3115,40,28044,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-5490,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3055",0,0,6000,7000,-1000,0,-1500,0,-1500,-2500,-375,39,13104,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3056",0,0,0,0,0,0,0,0,0,0,0,28,5550,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3057",0,0,0,0,0,4,-5996,4,-5996,-5996,-5496,31,8085,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-5996,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3058",7000,0,95000,58000,37000,15000,13800,22000,20800,57800,58800,43,47358,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,20800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3059",0,0,0,0,0,0,0,0,0,0,3000,35,12624,5,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3060",0,0,80000,16000,64000,200,-1000,200,-1000,63000,63000,52,28191,3,11,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-1000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3061",0,0,140000,101000,39000,442,-158,442,-158,38842,41363,32,29244,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-158,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3062",0,0,0,0,0,75,-4325,75,-4325,-4325,-4325,38,31956,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-4325,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3063",0,0,0,0,0,400,-19600,400,-19600,-19600,11400,46,48000,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-19600,0,0,0,0,0,1,0,0,0,0,0,1,0 -"3064",0,0,24000,18000,6000,50,50,50,50,6050,6450,54,20580,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,50,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3065",50000,0,165000,0,165000,28000,18100,78000,68100,233100,302775,53,35016,2,14,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,68100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3066",8500,0,70000,50000,20000,13998,13998,22498,22498,42498,65177,43,26367,2,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2658667,22498,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3067",2244,0,60000,42000,18000,2065,-453,4309,1791,19791,23591,28,30936,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,1791,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3068",0,0,0,0,0,45,45,45,45,45,45,38,11082,4,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,45,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3069",16000,0,35000,9000,26000,7458,7458,33458,33458,59458,59458,63,33951,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,23458,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3070",0,0,0,0,0,10,10,10,10,10,1510,29,18480,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,10,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3071",0,0,0,0,0,0,0,0,0,0,2000,44,17505,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3072",0,0,0,0,0,499,499,499,499,499,3849,31,2736,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,499,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3073",0,0,0,0,0,1444,494,1444,494,494,494,38,18468,4,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,494,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3074",40000,0,0,0,0,1699,1699,41699,41699,41699,174374,61,17508,1,14,1,0,0,0,1,0,0,1,0,0,1,0,2,3,0.3268128,41699,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3075",0,0,103000,0,103000,8500,8300,8500,8300,111300,111300,44,16797,4,13,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,8300,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3076",0,0,35000,18000,17000,1399,1339,1399,1339,18339,18339,52,14460,3,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1339,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3077",0,0,80000,0,80000,7000,6930,7000,6930,86930,86930,60,36966,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,6930,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3078",31000,0,81000,0,81000,6000,6000,37000,37000,118000,125675,59,24660,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,37000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3079",0,0,85000,37000,48000,500,500,500,500,48500,48500,34,44688,4,15,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3080",0,0,45000,45000,0,0,0,0,0,0,7625,35,12114,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3081",0,0,25000,0,25000,200,-6700,200,-6700,18300,20425,64,17040,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-6700,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3082",0,0,72000,60000,12000,400,-2600,400,-2600,9400,15900,41,48615,4,15,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5315816,-2600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3083",0,0,38000,38000,0,2084,2084,2084,2084,2084,10084,38,12384,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,2084,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3084",0,0,100000,0,100000,27798,19798,27798,19798,119798,121798,36,24297,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,19798,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3085",0,0,40000,39900,100,410,-6890,410,-6890,-6790,-4290,29,22362,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-6890,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3086",0,0,25000,3600,21400,0,-700,0,-700,20700,20700,29,9120,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-700,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3087",6000,0,0,0,0,2700,2700,8700,8700,8700,11750,53,14124,3,10,1,0,0,0,1,0,0,1,1,0,0,0,2,1,0.3268128,8700,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3088",600,0,92000,87000,5000,11700,3700,12300,4300,9300,16625,42,3579,2,16,0,0,0,0,1,0,0,1,0,0,0,1,1,4,0.1431995,4300,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3089",0,0,14000,0,14000,295,-2905,295,-2905,11095,12995,31,17238,3,1,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2905,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3090",0,0,7000,6000,1000,25,-1340,25,-1340,-340,7660,37,26553,2,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-1340,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3091",0,0,68000,8000,60000,300,-9700,300,-9700,50300,62300,56,37869,3,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-9700,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3092",33424,0,165000,59000,106000,3749,3749,37173,37173,143173,153173,51,37971,2,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,37173,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3093",50000,0,0,0,0,4600,-10200,54600,39800,39800,52200,40,132057,4,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4888144,39800,0,0,0,0,0,0,0,1,0,0,1,0,0 -"3094",0,0,0,0,0,500,-9500,500,-9500,-9500,-6800,27,28800,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-9500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3095",0,0,19000,14000,5000,40,-1360,40,-1360,3640,4540,40,15045,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1360,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3096",0,0,170000,129000,41000,100,-3800,100,-3800,37200,37700,64,26946,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3097",13600,0,60000,0,60000,25800,25800,39400,39400,99400,109400,59,33921,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,39400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3098",0,0,0,0,0,900,900,900,900,900,900,48,13050,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,900,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3099",0,0,0,0,0,2000,-3000,2000,-3000,-3000,-2000,27,39600,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3100",0,0,0,0,0,150,-450,150,-450,-450,-450,30,16413,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-450,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3101",27174,0,275000,50000,225000,31887,31887,59061,59061,284061,418561,63,71184,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,59061,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3102",0,0,0,0,0,1940,-10060,1940,-10060,-10060,940,28,54894,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10060,0,0,0,0,0,0,1,0,1,0,0,0,0 -"3103",0,0,0,0,0,54,-246,54,-246,-246,1879,29,9849,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-246,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3104",0,0,80000,0,80000,16209,16209,16209,16209,96209,108209,55,23346,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,16209,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3105",0,0,0,0,0,0,0,0,0,0,8053,30,11550,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3106",0,0,40000,40000,0,1075,875,1075,875,875,45525,59,18204,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,875,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3107",0,0,75000,75000,0,17212,17212,17212,17212,17212,18437,31,28974,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,17212,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3108",0,0,0,0,0,4200,-2800,4200,-2800,-2800,-2800,40,18696,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3109",0,0,50000,0,50000,6415,6215,6415,6215,56215,64215,25,16938,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,6215,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3110",0,0,0,0,0,0,0,0,0,0,0,36,25500,5,9,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3111",34000,0,115000,0,115000,74998,74498,108998,108498,223498,249498,62,35550,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,108498,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3112",0,0,0,0,0,300,300,300,300,300,1050,52,22848,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,300,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3113",0,0,0,0,0,0,0,0,0,0,0,29,4872,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3114",0,0,49000,15000,34000,47,-7953,47,-7953,26047,47047,59,42948,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-7953,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3115",0,0,0,0,0,0,-700,0,-700,-700,-700,31,8400,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-700,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3116",0,0,0,0,0,0,-3200,0,-3200,-3200,7800,32,30630,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-3200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3117",0,0,150000,127000,23000,1500,1050,1500,1050,24050,25650,40,56505,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,1050,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3118",0,0,72000,68000,4000,1500,1500,1500,1500,5500,7500,42,36666,3,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,1500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3119",0,0,0,0,0,0,-12600,0,-12600,-12600,-12600,43,7050,4,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-12600,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3120",64800,0,200000,0,200000,904199,904199,968999,968999,1168999,1168999,58,33915,2,1,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,968999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3121",0,0,0,0,0,10,10,10,10,10,1010,26,8049,5,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,10,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3122",0,0,0,0,0,0,0,0,0,0,0,42,2952,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3123",4000,0,0,0,0,450,50,4450,4050,4050,4050,33,52800,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5500422,4050,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3124",0,0,25000,0,25000,13769,13569,13769,13569,38569,200134,64,13737,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,13569,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3125",0,0,76000,63000,13000,2614,1414,2614,1414,14414,16414,38,36150,5,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,1414,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3126",0,0,40000,26000,14000,800,800,800,800,14800,14800,48,37080,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3127",0,0,0,0,0,105,-1345,105,-1345,-1345,-1345,63,16575,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,-1345,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3128",11000,0,55000,36000,19000,23200,21700,34200,32700,51700,94100,60,45471,2,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,32700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3129",0,0,60000,52000,8000,8849,5849,8849,5849,13849,19849,40,35157,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5849,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3130",0,0,0,0,0,0,-3000,0,-3000,-3000,-3000,43,8880,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-3000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3131",13000,0,90000,40000,50000,3200,2630,16200,15630,65630,65630,58,49170,2,14,0,1,1,0,1,0,0,1,0,0,1,0,5,3,0.4624346,15630,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3132",0,0,0,0,0,3500,1100,3500,1100,1100,7100,26,26475,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,1100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3133",0,0,0,0,0,1400,-10000,1400,-10000,-10000,7000,30,58413,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-10000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3134",0,0,0,0,0,2800,-24500,2800,-24500,-24500,-20569,55,23208,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-24500,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3135",2000,0,0,0,0,40000,40000,42000,42000,42000,42000,32,67590,4,18,0,1,1,0,1,0,0,1,0,0,0,1,6,4,0.3533661,42000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3136",0,0,45000,36000,9000,6393,994,6393,994,9994,9994,38,29640,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,994,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3137",0,0,115000,115000,0,1799,1799,1799,1799,1799,12042,34,73764,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,1799,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3138",0,0,0,0,0,350,200,350,200,200,3687,37,11040,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3139",0,0,113000,113000,0,857,-643,857,-643,-643,3798,44,27675,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-643,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3140",0,0,0,0,0,50,-550,50,-550,-550,4000,30,17349,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-550,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3141",0,0,0,0,0,0,0,0,0,0,0,54,8478,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3142",0,0,0,0,0,249,-351,249,-351,-351,3506,28,15315,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-351,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3143",0,0,80000,0,80000,41499,41499,41499,41499,121499,121499,58,20976,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,41499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3144",0,0,0,0,0,500,500,500,500,500,3975,27,18006,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3145",6000,0,0,0,0,1799,799,7799,6799,6799,15260,57,23850,1,13,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2029813,6799,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3146",0,0,75000,60000,15000,38349,38149,38349,38149,53149,53149,29,44748,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,38149,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3147",0,0,0,0,0,100,100,100,100,100,100,58,16947,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3148",0,0,10000,0,10000,1900,1800,1900,1800,11800,11800,60,16149,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,1800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3149",0,0,35000,30500,4500,175,-16225,175,-16225,-11725,-7685,35,31191,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-16225,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3150",0,0,300000,70000,230000,199,-1501,199,-1501,228499,232499,25,36168,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1501,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3151",0,0,165000,84000,81000,35000,35000,35000,35000,116000,116000,34,92097,4,18,0,1,1,0,1,0,0,0,0,0,0,1,7,4,0.5679367,35000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"3152",750,0,0,0,0,50,50,800,800,800,7863,27,18000,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3153",0,0,0,0,0,400,400,400,400,400,900,27,13464,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3154",0,0,0,0,0,2299,-13901,2299,-13901,-13901,-13901,42,34227,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-13901,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3155",0,0,45000,45000,0,0,-256,0,-256,-256,244,37,12633,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-256,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3156",0,0,0,0,0,1100,-6900,1100,-6900,-6900,-2900,63,33432,7,12,1,1,0,0,1,0,0,0,0,1,0,0,4,2,0.5896286,-6900,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3157",51445,0,50000,45000,5000,2000,-10000,53445,41445,46445,70445,50,60426,2,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,41445,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3158",0,0,265000,120000,145000,500,-3300,500,-3300,141700,141700,39,60030,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-3300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3159",0,0,0,0,0,700,-9300,700,-9300,-9300,-7634,59,31959,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-9300,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3160",50000,0,80000,48000,32000,20620,19870,70620,69870,101870,130970,61,52806,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,69870,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3161",2500,0,150000,89000,61000,5000,3000,7500,5500,66500,70825,51,43590,2,17,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,5500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3162",0,0,0,0,0,0,0,0,0,0,0,26,6168,4,14,0,1,1,1,1,0,0,0,0,0,1,0,1,3,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3163",0,0,0,0,0,200,200,200,200,200,10811,39,24840,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3164",0,0,55000,40000,15000,150,150,150,150,15150,17650,53,14343,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,150,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3165",0,0,0,0,0,0,0,0,0,0,750,36,5103,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3166",8000,0,0,0,0,16200,16200,24200,24200,24200,24950,32,22392,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,24200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3167",0,0,300000,150000,150000,11000,7000,11000,7000,157000,157000,33,76050,4,15,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,7000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"3168",0,0,10000,7120,2880,42,-14958,42,-14958,-12078,-12078,25,19680,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-14958,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3169",0,0,3500,0,3500,500,-2000,500,-2000,1500,71500,30,40389,5,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3170",0,0,42000,42000,0,349,-1851,349,-1851,-1851,-1851,33,28203,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1851,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3171",6500,0,300000,0,300000,129720,129720,161626,161626,461626,461626,48,107922,4,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,136220,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3172",0,0,0,0,0,0,-40000,0,-40000,-40000,-40000,46,40224,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,-40000,0,0,0,0,0,1,0,0,0,0,0,1,0 -"3173",0,0,55000,23000,32000,7696,-5154,7696,-5154,26846,82106,41,79434,4,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,-5154,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3174",0,0,0,0,0,5800,5800,5800,5800,5800,5800,55,38613,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,5800,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3175",0,0,0,0,0,650,400,650,400,400,2975,28,25014,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3176",0,0,0,0,0,90,-30910,90,-30910,-30910,-23910,29,24384,2,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-30910,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3177",0,0,0,0,0,0,-9400,0,-9400,-9400,-8900,31,19200,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-9400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3178",0,0,101000,100000,1000,850,850,850,850,1850,8350,32,16575,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,850,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3179",13200,0,150000,87500,62500,48877,48166,62077,61366,123866,123866,44,61581,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,61366,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3180",4411,0,140000,57000,83000,98699,98299,103110,102710,185710,189060,54,24900,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,102710,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3181",0,0,0,0,0,400,400,400,400,400,6538,28,11481,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3182",0,0,0,0,0,0,-5000,0,-5000,-5000,-5000,29,8058,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5000,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3183",0,0,0,0,0,24000,23850,24000,23850,23850,23850,30,21720,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,23850,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3184",0,0,0,0,0,53700,53700,53700,53700,53700,53700,26,36309,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,53700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3185",0,0,0,0,0,0,-800,0,-800,-800,-800,38,19125,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3186",12000,0,95000,47500,47500,28411,28411,40411,40411,87911,92236,60,35859,2,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,40411,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3187",0,0,65000,50000,15000,0,-2600,0,-2600,12400,13975,46,13956,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3188",0,0,35000,0,35000,775,75,775,75,35075,38575,43,18366,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,75,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3189",0,0,80000,46000,34000,1499,1499,1499,1499,35499,40106,41,25761,1,17,1,0,1,0,1,0,0,0,0,0,0,1,3,4,0.491887,1499,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3190",0,0,0,0,0,0,0,0,0,0,0,25,17850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3191",0,0,40000,0,40000,270,270,270,270,40270,40270,64,12576,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,270,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3192",21300,0,85000,0,85000,61600,61350,82900,82650,167650,202650,53,121836,3,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,82650,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3193",22000,0,45000,20000,25000,5449,4549,27449,26549,51549,54969,60,27420,2,11,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,26549,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3194",5000,0,0,0,0,585,-15515,5585,-10515,-10515,-10515,37,20406,4,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,-10515,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3195",2500,0,0,0,0,2830,2830,5330,5330,5330,13330,27,25284,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,5330,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3196",0,0,0,0,0,249,249,249,249,249,249,32,32451,6,4,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,249,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3197",0,0,0,0,0,0,0,0,0,0,0,28,17700,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3198",0,0,140000,0,140000,24500,24292,24500,24292,164292,164292,47,25926,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,24292,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3199",0,0,0,0,0,11400,11400,11400,11400,11400,11400,26,15822,2,17,1,1,0,1,1,0,0,0,0,0,0,1,2,4,0.3791962,11400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3200",0,0,150000,60000,90000,2000,-1250,2000,-1250,88750,115750,32,45780,3,14,0,1,1,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-1250,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3201",0,0,80000,57200,22800,200,-100,200,-100,22700,35700,26,32016,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-100,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3202",0,0,0,0,0,0,0,0,0,0,1250,48,18696,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3203",0,0,70000,19000,51000,1820,-2280,1820,-2280,48720,48720,42,35280,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2280,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3204",0,0,0,0,0,0,0,0,0,0,0,55,12240,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3205",0,0,35000,22000,13000,1050,50,1050,50,13050,87300,46,19233,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,50,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3206",0,0,160000,55000,105000,1300,-9700,1300,-9700,95300,96800,34,26985,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-9700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3207",0,0,0,0,0,125,125,125,125,125,1125,31,17145,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,125,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3208",50,0,0,0,0,300,-40700,350,-40650,-40650,4950,38,6750,2,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1173758,-40650,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3209",0,0,0,0,0,5550,4950,5550,4950,4950,17050,28,19587,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,4950,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3210",0,0,65000,19500,45500,10850,10450,10850,10450,55950,56550,52,41697,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,10450,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3211",0,0,10000,9800,200,150,150,150,150,350,4950,39,20517,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,150,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3212",0,0,34000,0,34000,3749,-611,3749,-611,33389,47389,41,37440,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-611,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3213",0,0,0,0,0,360,-940,360,-940,-940,1785,34,5106,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-940,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3214",4461,0,65000,54000,11000,13518,13068,17979,17529,28529,35529,31,65259,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,17529,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3215",4844,0,120000,55000,65000,0,-1500,4844,3344,68344,68344,47,51972,4,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,3344,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3216",0,0,0,0,0,0,0,0,0,0,0,43,13743,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3217",0,0,0,0,0,1999,-9001,1999,-9001,-9001,-3901,25,33729,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-9001,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3218",0,0,0,0,0,649,-351,649,-351,-351,-351,36,48351,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-351,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3219",0,0,0,0,0,0,0,0,0,0,0,64,10200,2,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3220",12000,0,80000,0,80000,49999,49999,61999,61999,141999,142499,61,28650,2,12,0,0,1,0,1,0,0,1,0,1,0,0,3,2,0.2658667,61999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3221",0,0,0,0,0,400,400,400,400,400,6750,41,13632,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3222",6000,0,80000,0,80000,42800,40800,48800,46800,126800,129550,58,24804,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,46800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3223",28000,0,180000,0,180000,154949,154749,182949,182749,362749,517749,55,51606,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,182749,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3224",0,0,100000,0,100000,4100,920,4100,920,100920,105170,45,30240,3,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,920,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3225",0,0,35000,33900,1100,300,0,300,0,1100,3100,30,31200,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3226",0,0,78000,57950,20050,12003,10948,12003,10948,30998,42320,30,59253,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,10948,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3227",0,0,63800,7252,56548,0,-5650,0,-5650,50898,50898,49,16092,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-5650,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3228",0,0,0,0,0,2000,-5000,2000,-5000,-5000,-1154,28,36060,1,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-5000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3229",0,0,0,0,0,0,0,0,0,0,0,61,16320,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3230",0,0,0,0,0,15,-235,15,-235,-235,265,62,7338,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-235,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3231",0,0,140000,81000,59000,86907,72907,86907,72907,131907,131907,30,58080,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,72907,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3232",0,0,220000,150000,70000,3250,-1750,3250,-1750,68250,85750,27,71598,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1750,1,0,0,0,0,0,1,0,1,0,0,0,0 -"3233",0,0,0,0,0,1000,-3000,1000,-3000,-3000,-3000,58,36975,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-3000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3234",0,0,56000,45000,11000,2900,2900,2900,2900,13900,13900,50,26640,4,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3235",0,0,0,0,0,2200,-3800,2200,-3800,-3800,1200,25,51207,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-3800,0,0,0,0,0,0,1,0,1,0,0,0,0 -"3236",3500,0,250000,30000,220000,13998,13998,17498,17498,237498,503797,41,161550,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,17498,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3237",0,0,0,0,0,7000,7000,7000,7000,7000,7000,25,41856,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,7000,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3238",0,0,0,0,0,2500,2500,2500,2500,2500,2500,30,18639,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3239",49000,0,65000,50000,15000,37330,37030,86330,86030,101030,115030,40,43203,4,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.4624346,86030,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3240",0,0,14000,14000,0,33,-1267,33,-1267,-1267,733,38,20340,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1267,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3241",28948,0,150000,58500,91500,107036,105636,135984,134584,226084,235584,47,106620,2,12,1,1,1,1,1,0,0,1,0,1,0,0,7,2,0.7316045,134584,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3242",0,0,0,0,0,2000,-2000,2000,-2000,-2000,5000,28,37296,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3243",0,0,30000,0,30000,500,500,500,500,30500,33000,26,26736,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3244",0,0,0,0,0,1000,-200,1000,-200,-200,1050,30,21660,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3245",0,0,0,0,0,420,420,420,420,420,3445,41,16740,2,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,420,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3246",0,0,0,0,0,0,0,0,0,0,1500,35,9063,7,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3247",0,0,0,0,0,5300,4800,5300,4800,4800,7475,40,26208,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,4800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3248",0,0,0,0,0,2000,-4000,2000,-4000,-4000,475,45,42576,1,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,-4000,0,0,0,0,0,1,0,0,0,0,0,1,0 -"3249",0,0,60000,0,60000,400,400,400,400,60400,262900,48,8916,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,400,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3250",0,0,0,0,0,0,0,0,0,0,0,63,16500,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3251",0,0,0,0,0,0,0,0,0,0,0,33,9396,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3252",0,0,30000,15600,14400,8710,8460,8710,8460,22860,30735,26,24300,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,8460,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3253",0,0,39000,32000,7000,0,-16747,0,-16747,-9747,-9747,39,23703,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-16747,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3254",0,0,0,0,0,0,0,0,0,0,0,40,10260,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3255",300,0,0,0,0,846,-3154,1146,-2854,-2854,43746,54,28059,5,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2061994,-2854,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3256",0,0,80000,0,80000,1200,-20800,1200,-20800,59200,62700,30,41412,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-20800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3257",22800,0,20000,0,20000,27713,27713,50513,50513,70513,87151,51,8082,2,12,0,1,0,1,1,0,0,1,0,1,0,0,1,2,0.2088342,50513,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3258",0,0,0,0,0,750,-2450,750,-2450,-2450,-1950,29,23274,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2450,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3259",0,0,80000,72000,8000,799,-14361,799,-14361,-6361,-4061,31,52185,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-14361,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3260",0,0,20000,10100,9900,250,250,250,250,10150,10750,54,24714,3,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,250,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3261",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,33,10200,10,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3262",0,0,0,0,0,4000,3000,4000,3000,3000,4500,38,19227,3,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3263",0,0,0,0,0,0,-8000,0,-8000,-8000,-5900,29,9000,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-8000,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3264",0,0,58000,0,58000,0,0,0,0,58000,59313,33,12000,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3265",0,0,135000,37000,98000,2850,2470,2850,2470,100470,105470,52,39186,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,2470,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3266",0,0,0,0,0,4500,2900,4500,2900,2900,2900,29,29670,3,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,2900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3267",11784,0,65000,0,65000,77084,77084,88868,88868,153868,158786,61,59940,2,10,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,88868,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3268",0,0,97000,65000,32000,1318,-11270,1318,-11270,20730,20730,36,78549,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-11270,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3269",0,0,70000,44500,25500,2645,-1855,2645,-1855,23645,23645,34,47754,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-1855,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3270",5000,0,95000,73500,21500,15270,15270,20270,20270,41770,47145,33,56808,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,20270,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3271",0,0,43000,42000,1000,14999,14984,14999,14984,15984,15984,26,23787,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,14984,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3272",0,0,80000,32000,48000,550,-3980,550,-3980,44020,44020,54,27870,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3980,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3273",0,0,35000,8500,26500,675,-625,675,-625,25875,25875,57,25227,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-625,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3274",0,0,65000,34000,31000,14498,13498,14498,13498,44498,44675,40,48240,6,17,1,1,0,0,1,0,0,0,0,0,0,1,5,4,0.6077043,13498,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3275",2100,0,200000,25000,175000,7149,7149,9249,9249,184249,190249,29,16827,3,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.1464927,9249,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3276",0,0,0,0,0,249,-12251,249,-12251,-12251,-12251,43,51663,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5000061,-12251,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3277",0,0,41000,41000,0,305,305,305,305,305,805,32,28122,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,305,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3278",0,0,45000,30500,14500,1198,1098,1198,1098,15598,22598,48,28296,2,15,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,1098,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3279",0,0,0,0,0,100,100,100,100,100,850,58,12255,1,7,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,100,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3280",0,0,85000,50000,35000,6999,4999,6999,4999,39999,54844,56,36420,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,4999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3281",0,0,18000,18000,0,550,-650,550,-650,-650,4400,40,19209,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-650,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3282",0,0,25000,0,25000,1500,-2500,1500,-2500,22500,22500,62,17805,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3283",0,0,99500,0,99500,150,-350,150,-350,99150,99150,62,23310,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-350,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3284",0,0,0,0,0,87,-3413,87,-3413,-3413,7587,45,8880,3,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-3413,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3285",40000,0,140000,85000,55000,75500,75500,115500,115500,170500,170500,38,117651,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,115500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3286",0,0,0,0,0,15,15,15,15,15,3348,47,12240,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,15,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3287",0,0,0,0,0,3300,1700,3300,1700,1700,1700,25,13266,2,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,1700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3288",0,0,40000,38800,1200,1005,255,1005,255,1455,9993,26,24900,2,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,255,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3289",0,0,0,0,0,400,-33900,400,-33900,-33900,-33900,43,42024,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-33900,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3290",0,0,0,0,0,3200,-700,3200,-700,-700,3275,36,23595,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3291",0,0,0,0,0,1800,1800,1800,1800,1800,2300,32,19224,1,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,1800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3292",0,0,0,0,0,0,0,0,0,0,0,48,8670,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3293",4000,0,165000,37000,128000,4949,1949,8949,5949,133949,133949,31,39627,5,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,5949,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3294",0,0,0,0,0,0,0,0,0,0,0,45,19677,4,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3295",0,0,0,0,0,0,0,0,0,0,0,56,25500,2,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3296",20000,0,250000,0,250000,0,0,20000,20000,270000,303025,54,40902,2,12,0,0,0,0,1,0,0,1,0,1,0,0,5,2,0.4414764,20000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3297",11000,0,16000,14150,1850,0,-100,11000,10900,12750,16100,41,14064,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,10900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3298",18000,0,150000,65000,85000,14055,14055,32055,32055,117055,120405,61,48033,2,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,32055,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3299",0,0,10000,0,10000,0,-3000,0,-3000,7000,21000,31,20229,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3300",18000,0,205000,85000,120000,1200,-2500,19200,15500,135500,280500,39,52077,5,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,15500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3301",0,0,210000,140000,70000,1600,-32400,1600,-32400,37600,43600,30,66000,5,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,-32400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3302",0,0,55000,28000,27000,2400,2400,2400,2400,29400,33900,40,21420,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,2400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3303",0,0,80000,45000,35000,7650,5350,7650,5350,40350,48075,43,52803,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,5350,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3304",18000,0,60000,0,60000,9000,8000,27000,26000,86000,96455,64,28908,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2658667,26000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3305",0,0,27500,16800,10700,7248,6848,7248,6848,17548,17548,64,32817,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,6848,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3306",3000,0,56000,36000,20000,60000,60000,63000,63000,83000,83000,27,15660,3,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,63000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3307",0,0,0,0,0,5,-7195,5,-7195,-7195,-7195,31,47904,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-7195,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3308",0,0,60000,59000,1000,50,50,50,50,1050,1050,28,13770,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3309",0,0,50000,0,50000,0,0,0,0,50000,50000,51,12324,7,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3310",0,0,35000,22000,13000,280,-7920,280,-7920,5080,6080,41,19641,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-7920,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3311",0,0,0,0,0,600,100,600,100,100,2750,38,6879,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,100,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3312",0,0,0,0,0,26882,26564,26882,26564,26564,84564,45,70035,2,10,0,0,1,0,1,0,0,0,1,0,0,0,6,1,0.3169526,26564,0,0,0,0,0,0,1,0,0,0,0,1,0 -"3313",1469,0,0,0,0,140,140,1609,1609,1609,2351,59,20430,1,6,1,0,1,0,1,0,0,1,1,0,0,0,3,1,0.5117899,1609,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3314",0,0,0,0,0,8179,7179,8179,7179,7179,7179,28,13428,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,7179,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3315",16000,0,300000,0,300000,330000,329400,359000,358400,658400,1315400,61,179373,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,345400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3316",0,0,55000,41500,13500,605,75,605,75,13575,13575,47,33933,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,75,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3317",0,0,0,0,0,0,0,0,0,0,0,35,5085,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3318",17200,0,0,0,0,25099,24699,42299,41899,41899,41899,45,28500,4,18,0,1,1,0,1,0,0,1,0,0,0,1,3,4,0.2061994,41899,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3319",0,0,90000,78000,12000,0,0,0,0,12000,12500,31,20565,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3320",0,0,0,0,0,32,-4968,32,-4968,-4968,-2468,29,19140,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-4968,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3321",0,0,0,0,0,150,-850,150,-850,-850,1650,28,30015,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3322",0,0,225000,32500,192500,129120,129120,129120,129120,321620,350445,49,47019,3,18,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5315816,129120,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3323",0,0,0,0,0,5300,5200,5300,5200,5200,10625,59,6876,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,5200,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3324",0,0,0,0,0,25,-875,25,-875,-875,-875,43,23892,6,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-875,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3325",0,0,0,0,0,125,-4975,125,-4975,-4975,25,27,26259,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-4975,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3326",0,0,0,0,0,0,0,0,0,0,500,38,15321,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3327",0,0,93000,93000,0,3000,-14000,3000,-14000,-14000,1900,49,89100,4,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-14000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3328",10000,0,0,0,0,325,325,10325,10325,10325,10325,56,1188,1,8,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0.1173758,10325,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3329",0,0,75000,0,75000,5000,2600,5000,2600,77600,93950,61,16056,5,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,2600,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3330",30000,0,300000,69500,230500,20900,20700,50900,50700,281200,281200,50,76260,3,17,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,50700,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3331",0,0,0,0,0,0,0,0,0,0,0,26,2805,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3332",0,0,0,0,0,3010,2610,3010,2610,2610,5960,43,25200,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2610,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3333",0,0,122000,2000,120000,4000,3600,4000,3600,123600,123600,31,31800,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,3600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3334",0,0,80000,0,80000,0,0,0,0,80000,87350,57,13362,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3335",3800,0,80000,42000,38000,5659,1159,9459,4959,42959,44459,36,26640,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,4959,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3336",970,0,130000,122000,8000,10,-1240,980,-270,7730,65905,32,42987,3,16,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,-270,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3337",0,0,65000,53000,12000,3000,3000,12000,12000,24000,32000,30,37101,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,3000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3338",0,0,0,0,0,0,-128,0,-128,-128,-128,32,22080,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-128,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3339",30000,0,80000,0,80000,14999,14999,44999,44999,124999,125999,51,17700,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,44999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3340",0,0,0,0,0,500,500,500,500,500,1250,28,10500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3341",0,0,0,0,0,4,-11566,4,-11566,-11566,-11566,34,45288,2,14,1,1,1,0,1,0,0,0,0,0,1,0,5,3,0.5995759,-11566,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3342",0,0,0,0,0,450,-5150,450,-5150,-5150,-3000,43,17520,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5150,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3343",0,0,240000,150000,90000,7025,6672,7025,6672,96672,110876,57,27180,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,6672,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3344",30000,0,60000,0,60000,67150,58900,97150,88900,148900,170900,61,83301,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,88900,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3345",0,0,159000,10000,149000,75000,75000,75000,75000,224000,224000,55,60705,2,16,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,75000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3346",0,0,12000,13293,-1293,85,-10946,85,-10946,-12239,-12001,64,33651,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-10946,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3347",0,0,50000,28000,22000,0,-900,0,-900,21100,21100,35,28755,7,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3348",0,0,0,0,0,0,0,0,0,0,1350,31,25845,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3349",0,0,0,0,0,500,500,500,500,500,500,49,20430,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,500,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3350",25500,0,120000,67000,53000,254000,250650,279500,276150,329150,337150,60,53277,2,13,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,276150,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3351",0,0,0,0,0,1400,-500,1400,-500,-500,950,29,13272,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3352",0,0,70000,25000,45000,1849,-601,1849,-601,44399,49249,46,22410,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-601,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3353",48590,0,55000,0,55000,6259,6259,54849,54849,109849,109849,55,26193,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,54849,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3354",0,0,68000,68000,0,618,384,618,384,384,7127,29,7977,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,384,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3355",400,0,0,0,0,1200,1200,1600,1600,1600,4100,36,31869,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,1600,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3356",0,0,44000,0,44000,9599,5599,9599,5599,49599,49599,64,21372,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,5599,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3357",11000,0,74000,20000,54000,20799,20799,31799,31799,85799,93799,60,23568,3,11,1,0,0,0,1,0,0,1,1,0,0,0,3,1,0.4720998,31799,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3358",0,0,0,0,0,0,0,0,0,0,500,27,16200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3359",2500,0,146000,146000,0,5029,5029,7529,7529,7529,7529,38,9480,1,8,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0.1431995,7529,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3360",0,0,0,0,0,1249,1249,1249,1249,1249,6249,27,28575,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,1249,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3361",0,0,45000,15000,30000,9249,9249,9249,9249,39249,66849,57,16305,3,13,1,1,0,0,1,0,0,0,0,0,1,0,2,3,0.3623197,9249,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3362",8500,0,120000,70000,50000,9000,5000,17500,13500,63500,70500,44,48300,3,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,13500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3363",0,0,43500,32800,10700,11000,5800,11000,5800,16500,26500,38,13449,2,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,5800,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3364",0,0,0,0,0,0,0,0,0,0,0,33,23601,4,10,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3365",0,0,0,0,0,300,300,300,300,300,300,28,28806,3,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3366",0,0,0,0,0,26900,26900,26900,26900,26900,26900,32,38808,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,26900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3367",0,0,45000,0,45000,0,-26,0,-26,44974,47115,62,11394,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-26,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3368",10000,0,215000,150000,65000,23000,21402,33000,31402,96402,533402,38,55419,5,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,31402,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3369",0,0,0,0,0,3900,-11900,3900,-11900,-11900,-6400,32,69720,3,15,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.5000061,-11900,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3370",0,0,86000,79300,6700,1700,-2300,1700,-2300,4400,17400,29,46839,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-2300,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3371",0,0,0,0,0,0,0,0,0,0,500,49,15300,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3372",0,0,0,0,0,2000,0,2000,0,0,12000,26,37476,2,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3373",1025,0,250000,15000,235000,5100,5100,6125,6125,241125,243625,47,58407,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,6125,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3374",0,0,58000,54000,4000,1400,-3800,1400,-3800,200,4200,32,25224,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3375",0,0,0,0,0,0,-2700,0,-2700,-2700,-2700,37,32385,4,10,0,1,1,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-2700,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3376",0,0,0,0,0,0,-200,0,-200,-200,1800,30,30342,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3377",0,0,0,0,0,150,-5850,150,-5850,-5850,-4184,40,36015,1,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-5850,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3378",0,0,0,0,0,0,0,0,0,0,0,43,10500,5,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3379",3300,0,50000,0,50000,4200,4200,7500,7500,57500,282500,34,48786,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,7500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3380",27000,0,110000,29000,81000,50040,49840,77040,76840,157840,180540,61,52854,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,76840,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3381",0,0,68000,22000,46000,0,0,0,0,46000,46000,38,99996,4,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,0,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3382",0,0,186000,33750,152250,3499,3499,3499,3499,155749,159099,56,14748,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,3499,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3383",0,0,89000,72000,17000,3459,2259,3459,2259,19259,20559,48,44361,6,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,2259,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3384",0,0,0,0,0,0,0,0,0,0,500,53,14994,1,2,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3385",35000,0,140000,850,139150,60500,60500,97500,97500,236650,726650,41,57657,3,3,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,95500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3386",0,0,0,0,0,210,210,210,210,210,15210,29,20313,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,210,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3387",0,0,0,0,0,0,-80,0,-80,-80,420,30,13980,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-80,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3388",0,0,0,0,0,49,49,49,49,49,49,48,26958,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,49,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3389",0,0,0,0,0,1398,398,1398,398,398,398,41,38844,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,398,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3390",0,0,68000,49000,19000,300,-1450,300,-1450,17550,20050,38,30396,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-1450,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3391",0,0,0,0,0,0,-170,0,-170,-170,-170,43,15330,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-170,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3392",0,0,0,0,0,120,-3880,120,-3880,-3880,1362,25,31803,1,13,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-3880,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3393",0,0,55000,0,55000,0,-1950,0,-1950,53050,61625,63,14400,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-1950,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3394",0,0,95000,68800,26200,14733,12633,14733,12633,38833,38833,25,49026,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,12633,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3395",0,0,25000,10000,15000,0,-1850,0,-1850,13150,28950,37,28065,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1850,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3396",0,0,0,0,0,0,0,0,0,0,0,41,48000,1,18,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3397",0,0,97600,0,97600,0,0,0,0,97600,97600,57,20091,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3398",0,0,85000,60000,25000,100,-30,100,-30,24970,30970,42,43350,5,15,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-30,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3399",5600,0,150000,0,150000,23000,22700,28600,28300,178300,187150,55,55752,2,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,28300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3400",0,0,30000,0,30000,0,-3200,0,-3200,26800,35300,29,21840,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3401",0,0,0,0,0,0,-1900,0,-1900,-1900,-1900,38,25164,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3402",0,0,70000,45000,25000,11234,11234,11234,11234,36234,37234,54,8580,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,11234,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3403",0,0,0,0,0,0,0,0,0,0,0,45,7500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3404",0,0,0,0,0,700,700,700,700,700,700,37,27072,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3405",0,0,31000,29000,2000,100,100,100,100,2100,2600,60,17328,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,100,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3406",0,0,0,0,0,3406,-3244,3406,-3244,-3244,2756,25,16266,2,13,0,1,1,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-3244,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3407",5000,0,0,0,0,400,-7600,5400,-2600,-2600,9400,39,16200,4,13,0,1,0,1,1,0,0,1,0,0,1,0,2,3,0.118155,-2600,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3408",0,0,0,0,0,0,-8900,0,-8900,-8900,-6950,28,22500,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-8900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3409",0,0,115000,30000,85000,375,-12425,375,-12425,72575,72575,30,37800,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-12425,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3410",0,0,185000,127000,58000,1878,-122,1878,-122,57878,66548,44,66579,3,15,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,-122,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3411",0,0,79900,0,79900,25699,25699,25699,25699,105599,105599,52,30870,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,25699,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3412",0,0,0,0,0,0,-18000,0,-18000,-18000,-17875,26,37608,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-18000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3413",0,0,52650,52650,0,0,-3720,0,-3720,-3720,19280,34,28935,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3720,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3414",3700,0,55000,42000,13000,1920,1222,5620,4922,17922,59922,52,32826,6,14,0,1,1,0,1,0,0,1,0,0,1,0,4,3,0.3524857,4922,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3415",0,0,12000,0,12000,0,0,0,0,12000,12500,33,6375,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,1,0,0,0 -"3416",0,0,0,0,0,13000,12000,13000,12000,12000,13850,34,19110,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,12000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3417",0,0,0,0,0,964,964,964,964,964,5436,26,22305,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,964,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3418",0,0,80000,0,80000,3100,-8005,3100,-8005,71995,73995,39,74649,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-8005,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3419",0,0,165000,76000,89000,4000,-5000,4000,-5000,84000,84800,48,45165,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-5000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3420",0,0,0,0,0,0,0,0,0,0,2850,38,17694,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3421",0,0,125000,46000,79000,2900,1580,2900,1580,80580,84430,40,15594,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,1580,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3422",0,0,0,0,0,800,800,800,800,800,800,37,18048,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3423",0,0,0,0,0,0,0,0,0,0,0,33,6900,4,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3424",2050,0,58000,27000,31000,499,-1,2549,2049,33049,38249,38,30003,4,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,2049,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3425",0,0,0,0,0,0,-1100,0,-1100,-1100,-300,37,14850,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3426",0,0,45000,25000,20000,11700,11400,11700,11400,31400,40300,28,44376,4,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,11400,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3427",0,0,0,0,0,9999,4299,9999,4299,4299,23299,55,36600,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,4299,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3428",24000,0,0,0,0,67230,67230,91230,91230,91230,91980,56,28260,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,91230,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3429",0,0,0,0,0,0,0,0,0,0,0,42,18423,4,8,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3430",3700,0,80000,75500,4500,18070,6070,21770,9770,14270,52270,33,50862,4,10,0,1,0,0,1,0,0,1,1,0,0,0,6,1,0.5336504,9770,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3431",16500,0,225000,45000,180000,6000,6000,22500,22500,202500,242500,61,64050,2,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,22500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3432",0,0,0,0,0,1000,1000,1000,1000,1000,1000,33,11196,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3433",10300,0,18000,18000,0,6000,5500,16300,15800,15800,33800,35,21606,2,13,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.3788275,15800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3434",0,0,0,0,0,0,0,0,0,0,500,26,10626,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3435",0,0,30000,19500,10500,686,686,686,686,11186,12186,36,19200,3,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,686,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3436",8000,0,130000,45000,85000,15700,15700,23700,23700,108700,111875,39,32100,1,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,23700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3437",0,0,0,0,0,500,-700,500,-700,-700,1238,27,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3438",6000,0,0,0,0,70000,70000,76000,76000,76000,76000,64,30432,2,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.277538,76000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3439",8000,0,200000,150000,50000,54000,54000,62000,62000,112000,118000,57,82290,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,62000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3440",0,0,107000,92000,15000,500,0,500,0,15000,15000,40,53091,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3441",0,0,5000,0,5000,14813,14813,14813,14813,19813,28163,64,6450,3,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,14813,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3442",2500,0,175000,65000,110000,3500,3500,6000,6000,116000,136200,46,58992,1,18,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3443",0,0,0,0,0,112,112,112,112,112,2912,33,17796,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,112,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3444",0,0,0,0,0,2700,1200,2700,1200,1200,1200,27,30195,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,1200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3445",0,0,0,0,0,0,-450,0,-450,-450,-450,36,10200,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-450,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3446",0,0,45000,32173,12827,160,-9176,160,-9176,3651,16280,37,35730,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-9176,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3447",0,0,0,0,0,0,0,0,0,0,0,28,23970,4,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3448",0,0,32000,10000,22000,0,-57200,0,-57200,-35200,-35200,47,10542,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-57200,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3449",0,0,32000,32000,0,2500,-3500,2500,-3500,-3500,14625,41,18675,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3450",0,0,0,0,0,850,-3050,850,-3050,-3050,-50,25,18999,2,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3050,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3451",0,0,0,0,0,2210,-790,2210,-790,-790,-790,49,40512,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-790,0,0,0,0,0,1,0,0,0,0,0,1,0 -"3452",0,0,0,0,0,6,6,6,6,6,2506,26,15219,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,6,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3453",0,0,60000,0,60000,37500,35000,37500,35000,95000,95000,43,38490,3,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,35000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3454",0,0,0,0,0,700,-800,700,-800,-800,-800,58,4242,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-800,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3455",0,0,300000,150000,150000,30000,26000,30000,26000,176000,180000,40,52998,1,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,26000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3456",0,0,0,0,0,5450,4400,5450,4400,4400,4400,32,34233,4,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,4400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3457",0,0,0,0,0,1909,1709,1909,1709,1709,2709,27,17706,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1709,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3458",0,0,0,0,0,0,-2500,0,-2500,-2500,-1000,31,5358,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2500,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3459",0,0,45000,0,45000,6649,6649,6649,6649,51649,53449,61,14760,2,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,6649,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3460",0,0,0,0,0,154,154,154,154,154,4154,25,28728,4,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,154,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3461",0,0,63000,41000,22000,1399,-5951,1399,-5951,16049,18049,47,16407,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-5951,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3462",19800,0,70000,0,70000,2062,2062,21862,21862,91862,92362,46,44220,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,21862,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3463",0,0,0,0,0,3000,3000,3000,3000,3000,3000,51,21969,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,3000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3464",0,0,0,0,0,0,0,0,0,0,0,46,18000,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3465",0,0,0,0,0,499,499,499,499,499,499,30,19446,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,499,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3466",0,0,75000,71500,3500,5700,-40300,5700,-40300,-36800,-29150,28,51660,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-40300,1,0,0,0,0,0,1,0,1,0,0,0,0 -"3467",0,0,0,0,0,25,25,25,25,25,2191,34,12291,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3468",1000,0,0,0,0,200,-200,1200,800,800,4300,29,17595,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.105793,800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3469",0,0,95000,68300,26700,638,-9362,638,-9362,17338,17338,30,39948,3,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-9362,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3470",0,0,50000,0,50000,800,500,800,500,50500,50500,38,28050,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3471",13000,0,20000,14000,6000,0,-1000,13000,12000,18000,18375,35,13704,6,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,12000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3472",0,0,35000,15000,20000,1152,1152,1152,1152,21152,24702,61,23562,1,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1152,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3473",0,0,0,0,0,600,600,600,600,600,4825,26,20430,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,600,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3474",0,0,185000,100000,85000,60015,60015,60015,60015,145015,145015,37,26550,2,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,60015,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3475",18000,0,200000,90000,110000,5900,5750,23900,23750,133750,146555,63,80796,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,23750,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3476",2500,0,37000,31000,6000,100,100,2600,2600,8600,11100,34,4350,1,14,0,0,1,0,1,0,0,1,0,0,1,0,1,3,0.1431995,2600,1,1,0,0,0,0,0,0,0,1,0,0,0 -"3477",0,0,22000,14000,8000,0,-1208,0,-1208,6792,13535,60,10665,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-1208,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3478",0,0,125000,0,125000,2999,2999,2999,2999,127999,127999,60,18402,5,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,2999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3479",0,0,75000,35000,40000,5000,-4000,5000,-4000,36000,36000,40,50076,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3480",0,0,0,0,0,1000,1000,1000,1000,1000,1000,35,27792,5,14,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.4366938,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3481",2500,0,90000,55000,35000,12500,12500,15000,15000,50000,65000,40,41535,4,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,15000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3482",0,0,13000,13000,0,0,0,0,0,0,1500,37,17580,5,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3483",0,0,45000,28500,16500,0,0,0,0,16500,16500,36,3246,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3484",0,0,0,0,0,600,-2400,600,-2400,-2400,-2400,36,30837,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3485",0,0,0,0,0,150,150,150,150,150,150,29,25209,5,2,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,150,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3486",0,0,35000,0,35000,0,0,0,0,35000,35500,42,10200,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3487",0,0,0,0,0,5,5,5,5,5,3355,31,16560,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,5,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3488",0,0,27000,27000,0,2952,1152,2952,1152,1152,17752,48,26349,3,6,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,1152,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3489",0,0,0,0,0,300,300,300,300,300,1300,30,22722,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3490",0,0,0,0,0,30,-1370,30,-1370,-1370,900,27,12093,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1370,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3491",0,0,6000,3000,3000,380,-120,380,-120,2880,2680,26,15450,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-120,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3492",0,0,145000,130000,15000,2550,-19450,2550,-19450,-4450,1229,28,68229,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-19450,1,0,0,0,0,0,1,0,1,0,0,0,0 -"3493",0,0,0,0,0,200,-1600,200,-1600,-1600,-175,45,33840,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-1600,0,0,0,0,1,0,0,0,0,0,0,1,0 -"3494",0,0,29000,0,29000,800,-6298,800,-6298,22702,23482,56,29856,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-6298,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3495",0,0,120000,93000,27000,10378,10378,10378,10378,37378,44478,39,21996,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,10378,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3496",0,0,0,0,0,888,-11312,888,-11312,-11312,-9233,29,26418,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-11312,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3497",2500,0,300000,70000,230000,80000,80000,82500,82500,312500,317958,58,34800,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6174901,82500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3498",0,0,60000,28000,32000,0,0,0,0,32000,32300,39,12132,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3499",0,0,0,0,0,2029,2029,2029,2029,2029,2029,53,19956,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2029,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3500",0,0,120000,0,120000,20000,18450,20000,18450,138450,144450,53,22614,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,18450,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3501",0,0,0,0,0,0,-200,0,-200,-200,-200,30,8247,4,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-200,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3502",0,0,100000,19850,80150,69600,58100,69600,58100,138250,243828,63,74199,2,17,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,58100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3503",0,0,72000,72000,0,400,200,400,200,200,4200,47,20400,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3504",0,0,10000,6600,3400,0,-1100,0,-1100,2300,11140,53,4950,2,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-1100,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3505",0,0,86000,22000,64000,40748,6548,40748,6548,70548,70548,51,45003,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,6548,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3506",0,0,0,0,0,0,0,0,0,0,9253,31,26862,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3507",0,0,300000,150000,150000,10800,4600,10800,4600,154600,161600,48,70368,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,4600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3508",0,0,80000,45000,35000,150,-14850,150,-14850,20150,20150,46,25500,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-14850,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3509",0,0,65050,65050,0,2000,-15600,2000,-15600,-15600,-2600,30,57996,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-15600,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3510",0,0,65000,18200,46800,5500,4800,5500,4800,51600,51600,60,16140,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,4800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3511",10000,0,0,0,0,3500,3300,13500,13300,13300,23150,49,9660,1,18,1,0,1,0,1,0,0,1,0,0,0,1,1,4,0.2246842,13300,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3512",3800,0,0,0,0,1525,775,5325,4575,4575,7575,40,13170,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,4575,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3513",0,0,65000,31000,34000,400,-600,400,-600,33400,38400,44,47250,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,-600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3514",0,0,0,0,0,400,-3400,400,-3400,-3400,8933,27,21900,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3515",0,0,30000,0,30000,0,0,0,0,30000,31700,50,18729,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3516",20800,0,62000,48000,14000,52800,48300,73600,69100,83100,111100,52,62526,2,14,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,69100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3517",0,0,105000,90000,15000,17699,16199,17699,16199,31199,36557,39,50250,4,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,16199,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3518",3825,0,65000,0,65000,0,-2000,3825,1825,66825,71825,28,30900,4,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,1825,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3519",0,0,40000,0,40000,5000,4500,5000,4500,44500,87500,53,50700,5,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3520",30000,0,40000,15000,25000,5498,-502,35498,29498,54498,68398,39,54315,5,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,29498,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3521",0,0,200000,0,200000,24999,24999,24999,24999,224999,224999,49,63396,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,24999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3522",0,0,0,0,0,0,0,0,0,0,0,38,11340,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3523",0,0,80000,44900,35100,0,-8800,0,-8800,26300,30300,33,30828,5,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-8800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3524",0,0,31110,28000,3110,100,-380,100,-380,2730,4730,33,28575,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-380,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3525",0,0,0,0,0,165,-735,165,-735,-735,2944,25,17853,3,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-735,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3526",29578,0,0,0,0,16667,12667,46245,42245,42245,49745,39,57201,5,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.3533661,42245,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3527",0,0,225000,150000,75000,28849,28649,28849,28649,103649,118145,60,28875,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,28649,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3528",0,0,30000,24000,6000,5748,5748,5748,5748,11748,11748,51,20193,2,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,5748,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3529",0,0,85000,77000,8000,9999,9199,9999,9199,17199,17199,49,101946,6,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,9199,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3530",17000,0,150000,0,150000,79200,76970,96200,93970,243970,333970,45,34644,3,8,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,93970,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3531",0,0,0,0,0,625,-112,625,-112,-112,638,52,11751,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-112,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3532",0,0,0,0,0,5008,-3592,5008,-3592,-3592,-2098,31,16020,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-3592,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3533",0,0,42000,0,42000,30,-3070,30,-3070,38930,39118,34,13707,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3070,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3534",0,0,65000,0,65000,1100,1100,1100,1100,66100,72300,60,30639,3,13,1,1,0,0,1,0,0,0,0,0,1,0,4,3,0.5297047,1100,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3535",0,0,50000,5000,45000,300,-2650,300,-2650,42350,52350,38,29481,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2650,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3536",400,0,70000,25000,45000,39999,39174,40399,39574,84574,134974,60,30780,5,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,39574,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3537",0,0,55000,0,55000,31499,30799,31499,30799,85799,85799,53,35340,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,30799,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3538",0,0,27000,4000,23000,78998,77098,78998,77098,100098,100098,49,21396,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,77098,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3539",0,0,80000,21000,59000,500,-4500,500,-4500,54500,61243,39,24375,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3540",0,0,0,0,0,0,-11300,0,-11300,-11300,-3300,34,50400,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-11300,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3541",0,0,0,0,0,13697,13697,13697,13697,13697,30697,33,32442,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,13697,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3542",0,0,0,0,0,0,0,0,0,0,1000,46,43200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,0,0,0,0,0,0,1,0,0,0,0,0,1,0 -"3543",0,0,0,0,0,8,8,8,8,8,508,27,15615,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,8,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3544",0,0,0,0,0,500,-14500,500,-14500,-14500,-11000,26,14670,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-14500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3545",0,0,0,0,0,0,0,0,0,0,200,30,19380,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3546",0,0,0,0,0,3800,3800,3800,3800,3800,4700,36,21402,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,3800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3547",0,0,0,0,0,250,250,250,250,250,6993,44,7962,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,250,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3548",0,0,150000,131000,19000,9050,7455,9050,7455,26455,38328,40,68850,2,15,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,7455,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3549",2800,0,0,0,0,1510,1510,4310,4310,4310,12335,50,22263,2,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,4310,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3550",0,0,0,0,0,0,-8800,0,-8800,-8800,-4800,35,23880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-8800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3551",0,0,75000,42000,33000,200,-1800,200,-1800,31200,31200,33,49428,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-1800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3552",0,0,0,0,0,770,270,770,270,270,270,41,36162,1,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,270,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3553",0,0,0,0,0,0,-9000,0,-9000,-9000,-7500,37,28320,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-9000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3554",0,0,0,0,0,0,0,0,0,0,1000,34,6480,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3555",0,0,0,0,0,4000,3955,4000,3955,3955,8180,31,23562,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3955,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3556",0,0,40000,0,40000,11983,11983,11983,11983,51983,58833,62,20970,1,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,11983,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3557",0,0,0,0,0,0,0,0,0,0,0,42,26400,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3558",0,0,0,0,0,1200,1200,1200,1200,1200,5796,37,18000,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3559",26359,0,300000,100000,200000,5154,-6846,31513,19513,219513,228013,54,36636,3,11,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,19513,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3560",0,0,0,0,0,0,0,0,0,0,2000,26,17850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3561",2000,0,65000,20000,45000,61211,-338789,63211,-336789,-291789,-201789,55,46221,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,-336789,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3562",0,0,100000,0,100000,18200,18200,18200,18200,118200,118200,53,34920,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,18200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3563",11000,0,200000,0,200000,34999,34999,45999,45999,245999,386874,34,51162,3,17,1,0,1,0,1,0,0,1,0,0,0,1,6,4,0.7856908,45999,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3564",0,0,0,0,0,0,0,0,0,0,1000,52,20574,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3565",0,0,20000,10000,10000,100,100,100,100,10100,10100,42,25710,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3566",2000,0,0,0,0,0,0,2000,2000,2000,59425,42,17034,1,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3567",0,0,75000,60000,15000,12923,12923,12923,12923,27923,36923,33,30552,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,12923,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3568",0,0,130000,0,130000,47280,47280,47280,47280,177280,183880,41,35166,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,47280,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3569",0,0,0,0,0,0,0,0,0,0,0,45,10890,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3570",0,0,0,0,0,0,0,0,0,0,500,48,17088,3,6,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3571",0,0,0,0,0,0,0,0,0,0,2500,35,9600,3,10,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3572",11000,0,161000,150000,11000,685,-1365,11685,9635,20635,20635,56,23952,2,15,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,9635,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3573",0,0,30000,25000,5000,0,-1300,0,-1300,3700,20275,30,2520,3,15,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-1300,1,1,0,0,0,0,0,0,0,1,0,0,0 -"3574",0,0,0,0,0,2607,2607,2607,2607,2607,3107,26,16557,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2607,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3575",22640,0,64500,64500,0,2700,-1800,25340,20840,20840,25340,48,91230,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,20840,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3576",2300,0,190000,130000,60000,6498,6498,8798,8798,68798,70173,44,83499,3,17,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,8798,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3577",0,0,0,0,0,4500,4500,4500,4500,4500,11850,29,23100,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3578",0,0,42000,32600,9400,0,-1150,0,-1150,8250,13890,36,26094,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-1150,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3579",0,0,300000,150000,150000,60000,56500,60000,56500,206500,206500,39,100692,6,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,56500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3580",0,0,0,0,0,30799,30499,30799,30499,30499,32831,26,46431,1,17,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,30499,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3581",0,0,80000,73000,7000,12499,12499,12499,12499,19499,19499,54,39150,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,12499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3582",0,0,0,0,0,1476,-7524,1476,-7524,-7524,-6012,37,50304,4,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-7524,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3583",0,0,100000,0,100000,0,-16000,0,-16000,84000,84000,54,27858,4,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-16000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3584",0,0,150000,120000,30000,5000,2500,5000,2500,32500,34000,27,54300,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.7472324,2500,1,0,0,0,0,0,1,0,1,0,0,0,0 -"3585",0,0,0,0,0,0,-3500,0,-3500,-3500,11500,42,71046,6,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-3500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3586",2050,0,70000,0,70000,6000,6000,8050,8050,78050,82400,41,22335,3,13,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,8050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3587",0,0,0,0,0,300,-24900,300,-24900,-24900,-24150,35,40005,1,17,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,-24900,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3588",3000,0,107000,88000,19000,24600,24400,27600,27400,46400,58454,44,43200,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,27400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3589",0,0,30000,22000,8000,50,50,50,50,8050,8050,45,28560,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,50,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3590",0,0,5000,0,5000,3000,-57000,3000,-57000,-52000,68000,45,34680,4,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-57000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3591",0,0,0,0,0,0,-1500,0,-1500,-1500,0,39,17097,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3592",0,0,75000,62500,12500,5157,-10843,5157,-10843,1657,17657,42,54963,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-10843,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3593",0,0,125000,25000,100000,0,0,0,0,100000,100000,56,8670,3,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3594",0,0,72000,65000,7000,11449,11349,15449,15349,22349,95349,47,30435,7,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,11349,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3595",0,0,0,0,0,7499,4999,7499,4999,4999,7999,43,5400,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,4999,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3596",0,0,100000,89000,11000,3049,2049,3049,2049,13049,13049,40,59523,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2049,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3597",0,0,5000,0,5000,662,-4928,662,-4928,72,20701,33,33180,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-4928,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3598",5500,0,30000,30000,0,910,607,6410,6107,6107,6107,52,26412,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,6107,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3599",0,0,0,0,0,7499,6299,7499,6299,6299,6799,48,30450,1,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,6299,0,0,0,0,1,0,0,0,0,0,0,1,0 -"3600",0,0,120000,69000,51000,6900,3800,6900,3800,54800,121800,43,44934,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3601",0,0,0,0,0,20,-29980,20,-29980,-29980,-24037,49,22980,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-29980,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3602",5000,0,18000,0,18000,1284,-12606,6284,-7606,10394,17894,49,26400,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,-7606,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3603",0,0,285000,150000,135000,30480,29880,30480,29880,164880,186780,49,95460,5,17,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,29880,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3604",3000,0,90000,18000,72000,18595,18395,21595,21395,93395,126395,54,29781,6,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,21395,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3605",0,0,6000,8000,-2000,2600,1800,2600,1800,-200,3466,45,14850,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,1800,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3606",0,0,25000,0,25000,1319,1319,1319,1319,26319,26819,56,4398,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,1319,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3607",0,0,0,0,0,3137,3137,3137,3137,3137,13137,37,14085,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,3137,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3608",0,0,112000,105000,7000,7800,-200,7800,-200,6800,12800,43,89175,3,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3609",0,0,75000,52000,23000,1499,-6901,1499,-6901,16099,37599,38,55434,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6901,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3610",0,0,0,0,0,600,200,600,200,200,200,31,16560,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3611",0,0,145000,69500,75500,5000,4000,5000,4000,79500,83500,41,46719,5,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3612",0,0,0,0,0,200,-8250,200,-8250,-8250,-8250,40,23370,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-8250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3613",0,0,0,0,0,7500,7322,7500,7322,7322,12622,37,20142,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,7322,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3614",0,0,0,0,0,0,0,0,0,0,500,60,6312,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3615",0,0,35000,25000,10000,0,-4250,0,-4250,5750,22803,52,12966,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4250,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3616",0,0,76000,48000,28000,3000,-100,3000,-100,27900,27900,31,25803,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3617",1000,0,150000,25000,125000,1000,500,2000,1500,126500,147500,38,108054,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,1500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3618",4550,0,175000,106750,68250,3215,3215,7765,7765,76015,76015,37,58143,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,7765,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3619",0,0,5000,4000,1000,15,-285,15,-285,715,3975,37,13464,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-285,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3620",0,0,140000,60000,80000,2499,2186,2499,2186,82186,91298,40,33696,4,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,2186,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3621",0,0,22000,9400,12600,0,-12000,0,-12000,600,4600,32,25305,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-12000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3622",5000,0,150000,120000,30000,9999,9999,14999,14999,44999,51999,44,27411,4,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,14999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3623",0,0,0,0,0,800,-6400,800,-6400,-6400,-4900,31,26235,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-6400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3624",9500,0,250000,128000,122000,24918,24918,34418,34418,156418,157918,32,169404,2,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,34418,1,0,0,0,0,0,0,1,0,1,0,0,0 -"3625",0,0,300000,75000,225000,1700,1700,1700,1700,226700,234650,42,29475,5,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3626",0,0,55000,45000,10000,8500,50,8500,50,10050,11050,45,24300,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,50,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3627",0,0,65000,0,65000,0,0,0,0,65000,65000,46,17490,3,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3628",0,0,70000,60000,10000,50,-1150,50,-1150,8850,8850,44,16806,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1150,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3629",4068,0,64000,64000,0,3900,2300,7968,6368,6368,16068,31,62730,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,6368,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3630",0,0,0,0,0,300,300,300,300,300,1400,41,10044,6,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3631",0,0,66000,60000,6000,300,-2450,300,-2450,3550,33550,30,15300,4,6,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-2450,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3632",0,0,37000,0,37000,0,-1050,0,-1050,35950,36950,33,9288,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-1050,1,1,0,0,0,0,0,0,0,1,0,0,0 -"3633",0,0,100000,0,100000,6000,6000,6000,6000,106000,118725,35,15336,5,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,6000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3634",0,0,0,0,0,1295,1295,1295,1295,1295,8070,36,56160,3,14,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.3169526,1295,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3635",0,0,0,0,0,3998,2998,3998,2998,2998,8998,36,46422,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,2998,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3636",0,0,0,0,0,19,19,19,19,19,19,34,11091,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,19,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3637",19000,0,95000,34000,61000,15249,14649,34249,33649,94649,151544,53,42900,1,12,1,0,0,0,1,0,0,1,0,1,0,0,5,2,0.650903,33649,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3638",0,0,45800,45800,0,3100,1300,3100,1300,1300,1300,40,25035,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3639",0,0,125000,87000,38000,450,-20050,450,-20050,17950,26750,43,74955,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-20050,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3640",0,0,25000,0,25000,100,100,100,100,25100,25100,52,8208,1,10,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0.3536102,100,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3641",0,0,80000,56500,23500,1550,-3450,1550,-3450,20050,24250,39,29001,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3450,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3642",6000,0,180000,135000,45000,65000,65000,71000,71000,116000,122050,47,35334,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,71000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3643",0,0,0,0,0,2248,2248,2248,2248,2248,5248,31,108135,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,2248,0,0,0,0,0,0,0,1,0,1,0,0,0 -"3644",0,0,0,0,0,25,-775,25,-775,-775,5321,44,23100,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-775,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3645",0,0,35000,0,35000,500,-1500,500,-1500,33500,36166,53,21150,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-1500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3646",6000,0,220000,45000,175000,1360,1360,7360,7360,182360,182360,42,30417,4,16,0,1,1,1,1,0,0,1,0,0,0,1,4,4,0.3524857,7360,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3647",0,0,0,0,0,11500,10400,11500,10400,10400,18350,28,13410,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,10400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3648",0,0,0,0,0,7,7,7,7,7,7,33,27303,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,7,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3649",0,0,50000,22500,27500,0,0,0,0,27500,34000,47,28200,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3650",0,0,70000,59000,11000,300,-4700,300,-4700,6300,20300,26,45900,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4700,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3651",0,0,0,0,0,0,0,0,0,0,0,31,14400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3652",0,0,0,0,0,0,-500,0,-500,-500,-500,36,12444,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3653",0,0,265000,150000,115000,200,-15800,200,-15800,99200,103550,37,60225,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,-15800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3654",0,0,240000,132000,108000,157000,156100,157000,156100,264100,264100,38,107172,4,14,1,1,0,1,1,0,0,0,0,0,1,0,7,3,0.6849159,156100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3655",0,0,0,0,0,0,-8000,0,-8000,-8000,-8000,41,7200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-8000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3656",19500,0,0,0,0,62298,62298,81798,81798,81798,81798,53,100596,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,81798,0,0,0,0,0,0,0,1,0,0,0,1,0 -"3657",7180,0,90000,40000,50000,5031,5031,12211,12211,62211,87211,39,65172,2,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,12211,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3658",0,0,0,0,0,1124,-6376,1124,-6376,-6376,-5626,27,29598,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-6376,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3659",0,0,0,0,0,0,-6200,0,-6200,-6200,-6200,30,26751,4,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-6200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3660",0,0,17000,20000,-3000,500,-1500,500,-1500,-4500,8325,42,11253,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3661",0,0,145000,0,145000,3000,2750,3000,2750,147750,150750,35,13200,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1582553,2750,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3662",0,0,60000,32000,28000,1549,1059,1549,1059,29059,29059,41,38538,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1059,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3663",0,0,0,0,0,0,0,0,0,0,2500,38,19365,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3664",0,0,0,0,0,0,0,0,0,0,0,26,2700,4,11,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3665",5000,0,85000,0,85000,22999,19999,27999,24999,109999,117099,58,22620,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,24999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3666",0,0,0,0,0,0,0,0,0,0,0,25,11112,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3667",0,0,0,0,0,8999,3599,8999,3599,3599,11474,54,19020,1,9,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,3599,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3668",0,0,0,0,0,1000,-5150,1000,-5150,-5150,-5150,47,23010,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-5150,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3669",0,0,120000,102000,18000,10049,7749,10049,7749,25749,27749,26,31395,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,7749,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3670",0,0,0,0,0,900,-4600,900,-4600,-4600,-3400,26,37500,1,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-4600,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3671",0,0,60000,43000,17000,1000,-5400,1000,-5400,11600,11600,47,51960,3,10,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3672",0,0,0,0,0,0,-1500,0,-1500,-1500,-750,28,16380,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3673",1000,0,0,0,0,4000,3250,5000,4250,4250,14929,26,30255,1,18,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,4250,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3674",6454,0,47000,38800,8200,8354,7617,14808,14071,22271,27671,32,28572,1,14,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,14071,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3675",0,0,105000,78000,27000,3500,2000,3500,2000,29000,38000,29,57870,4,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,2000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"3676",8000,0,0,0,0,0,-700,8000,7300,7300,7300,25,12114,1,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,7300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3677",0,0,0,0,0,0,0,0,0,0,0,31,7962,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3678",0,0,57000,42000,15000,1400,-3400,1400,-3400,11600,12700,32,21585,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3679",0,0,50000,29000,21000,184,-3416,184,-3416,17584,19884,42,17172,1,10,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-3416,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3680",0,0,0,0,0,400,-1000,400,-1000,-1000,-500,33,31440,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-1000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3681",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,37,3300,6,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-2000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3682",12000,0,0,0,0,98200,91200,110200,103200,103200,303200,39,88200,1,14,1,0,1,0,1,0,0,1,0,0,1,0,7,3,0.4935519,103200,0,0,0,0,0,0,0,1,0,0,1,0,0 -"3683",0,0,25000,0,25000,20,-980,20,-980,24020,24520,55,10590,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-980,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3684",31000,0,0,0,0,42000,41450,73000,72450,72450,139450,29,67575,2,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,72450,0,0,0,0,0,0,1,0,1,0,0,0,0 -"3685",0,0,0,0,0,15,-385,15,-385,-385,615,26,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-385,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3686",0,0,25000,0,25000,2000,1400,2000,1400,26400,26400,58,14400,5,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1400,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3687",0,0,0,0,0,5000,5000,5000,5000,5000,6300,32,11100,5,1,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,5000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3688",0,0,0,0,0,2,2,2,2,2,2,31,8589,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,2,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3689",0,0,75000,73000,2000,700,-4300,700,-4300,-2300,1700,28,45090,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4300,1,0,0,0,0,1,0,0,1,0,0,0,0 -"3690",0,0,0,0,0,699,-2801,699,-2801,-2801,-1301,29,13890,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2801,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3691",0,0,160000,35000,125000,200,-2900,200,-2900,122100,126279,51,35487,1,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-2900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3692",3500,0,185000,6500,178500,1249,-1383,4749,2117,180617,193617,57,50916,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,2117,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3693",0,0,150000,16500,133500,2250,-4750,2250,-4750,128750,133350,50,17490,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4750,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3694",3500,0,35000,23500,11500,183,-17,3683,3483,14983,14983,49,37155,5,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,3483,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3695",0,0,0,0,0,300,-2200,300,-2200,-2200,-2200,37,28050,6,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-2200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3696",10000,0,45000,37000,8000,4599,3139,14599,13139,21139,21139,42,32142,5,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,13139,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3697",0,0,120000,86000,34000,920,-4880,920,-4880,29120,29120,31,27729,6,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-4880,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3698",0,0,0,0,0,900,-2100,900,-2100,-2100,900,32,29172,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3699",0,0,69000,60150,8850,130,-870,130,-870,7980,11980,31,27720,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-870,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3700",766,0,35000,2400,32600,10892,10892,11658,11658,44258,49058,38,4584,3,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,11658,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3701",13000,0,300000,35000,265000,335999,333749,348999,346749,611749,786749,57,128550,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,346749,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3702",15757,0,82500,42000,40500,67511,65911,83268,81668,122168,122168,40,34563,2,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,81668,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3703",6400,0,65000,20000,45000,9250,350,15650,6750,51750,51750,55,55320,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,6750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3704",0,0,0,0,0,8048,8048,8048,8048,8048,11598,25,34893,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,8048,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3705",12500,0,0,0,0,34000,34000,46500,46500,46500,154500,48,78918,2,17,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.4696543,46500,0,0,0,0,0,0,0,1,0,0,0,1,0 -"3706",32000,0,120000,30000,90000,29998,29898,61998,61898,151898,151898,59,37920,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,61898,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3707",0,0,60000,40900,19100,14500,14500,14500,14500,33600,33600,44,51078,5,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,14500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3708",0,0,27000,0,27000,15600,15575,15600,15575,42575,49475,59,15588,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,15575,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3709",0,0,28000,10000,18000,200,-2047,200,-2047,15953,19753,38,29838,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-2047,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3710",38000,0,150000,75000,75000,18500,17000,56500,55000,130000,130800,46,80220,5,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,55000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3711",0,0,50000,34000,16000,150,-2000,150,-2000,14000,16500,30,17967,4,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3712",0,0,0,0,0,0,0,0,0,0,1200,33,24300,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3713",0,0,0,0,0,6763,-3887,6763,-3887,-3887,20927,42,33021,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-3887,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3714",2100,0,98000,77500,20500,13000,12182,15100,14282,34782,54282,33,45831,3,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,14282,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3715",0,0,300000,78000,222000,18800,18800,18800,18800,240800,279042,43,50550,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.7472324,18800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3716",0,0,30000,18000,12000,0,0,0,0,12000,12000,41,24864,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3717",0,0,0,0,0,100,-500,100,-500,-500,-500,43,16959,7,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3718",6000,0,89000,57000,32000,2050,1700,8050,7700,39700,41500,33,32514,4,18,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,7700,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3719",0,0,106000,106000,0,779,-1421,3029,829,829,4429,39,26445,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1421,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3720",33000,0,285000,18000,267000,19798,8698,92798,81698,348698,356698,55,81840,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,41698,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3721",0,0,0,0,0,10000,10000,10000,10000,10000,10000,61,34920,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,10000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"3722",0,0,5000,0,5000,12999,12999,12999,12999,17999,21849,27,26724,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,12999,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3723",0,0,85000,55000,30000,13425,13425,13425,13425,43425,223425,64,59010,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,13425,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3724",0,0,55000,34000,21000,30000,29000,30000,29000,50000,54500,30,29400,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,29000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3725",0,0,0,0,0,0,-15100,0,-15100,-15100,7900,42,30000,2,16,1,1,1,0,1,0,0,0,0,0,0,1,4,4,0.5896286,-15100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3726",2000,0,15000,0,15000,500,-4500,2500,-2500,12500,22950,32,12240,2,13,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,-2500,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3727",0,0,150000,67500,82500,10973,6973,10973,6973,89473,97173,44,84993,3,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,6973,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3728",0,0,112800,82000,30800,499,499,499,499,31299,71495,33,36030,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,499,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3729",3500,0,125000,40000,85000,16500,16200,20000,19700,104700,106750,41,49194,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,19700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3730",9000,0,0,0,0,3200,3200,12200,12200,12200,23200,32,17580,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.118155,12200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3731",0,0,0,0,0,300,-9500,300,-9500,-9500,-6700,25,26940,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-9500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3732",0,0,0,0,0,1,-4199,1,-4199,-4199,-1799,27,44508,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-4199,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3733",0,0,0,0,0,25,-13375,25,-13375,-13375,-9444,39,15600,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-13375,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3734",50000,0,30000,19500,10500,3600,-1750,53600,48250,58750,61350,38,44754,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,48250,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3735",16661,0,50000,0,50000,15130,15130,31791,31791,81791,135141,53,23721,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,31791,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3736",30215,0,210000,100141,109859,28900,28900,59115,59115,168974,183974,46,80079,3,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,59115,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3737",0,0,0,0,0,0,0,0,0,0,0,59,6843,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3738",8000,0,0,0,0,22900,21600,30900,29600,29600,37600,62,23532,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,29600,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3739",0,0,200000,100000,100000,6500,-700,6500,-700,99300,115300,38,80025,4,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3740",0,0,90000,15000,75000,6048,6048,6048,6048,81048,96048,49,39123,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6048,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3741",0,0,20000,0,20000,257,257,257,257,20257,20257,46,11901,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,257,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3742",0,0,0,0,0,650,-850,650,-850,-850,500,35,18027,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-850,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3743",0,0,0,0,0,12999,11899,12999,11899,11899,12737,49,39681,3,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,11899,0,0,0,0,1,0,0,0,0,0,0,1,0 -"3744",0,0,50000,35000,15000,0,-3000,0,-3000,12000,12000,41,20400,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3745",0,0,0,0,0,400,-5400,400,-5400,-5400,-5025,31,39567,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-5400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3746",0,0,35000,30000,5000,1600,1600,1600,1600,6600,6600,36,23466,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3747",0,0,35000,0,35000,37649,-84151,37649,-84151,-49151,-48188,58,13074,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-84151,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3748",0,0,0,0,0,800,750,800,750,750,750,31,18642,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,750,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3749",0,0,150000,131000,19000,110000,110000,110000,110000,129000,137596,45,94776,1,18,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,110000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3750",0,0,56500,39000,17500,50,-19950,50,-19950,-2450,400,34,25191,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-19950,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3751",0,0,62000,46350,15650,3488,1208,3488,1208,16858,23058,46,34131,7,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1208,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3752",0,0,65000,29821,35179,0,0,0,0,35179,38897,43,25050,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3753",0,0,0,0,0,0,0,0,0,0,10350,57,9180,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3754",0,0,0,0,0,2000,2000,2000,2000,2000,3500,36,24441,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3755",0,0,39000,39000,0,1800,420,1800,420,420,3520,32,16380,5,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,420,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3756",0,0,0,0,0,0,-1229,0,-1229,-1229,-1229,34,6204,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1229,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3757",0,0,0,0,0,2500,-16700,2500,-16700,-16700,-11700,35,65010,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-16700,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3758",0,0,150000,103000,47000,4200,4200,4200,4200,51200,51200,38,42036,5,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3759",0,0,70000,0,70000,2500,500,2500,500,70500,70500,48,53412,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3760",4000,0,50000,0,50000,20,-1780,4020,2220,52220,54720,59,7164,1,11,1,0,0,0,1,0,0,1,1,0,0,0,1,1,0.2696344,2220,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3761",0,0,80000,60000,20000,2000,2000,2000,2000,22000,28000,54,59346,2,11,0,1,0,0,1,0,0,0,1,0,0,0,6,1,0.5405443,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3762",0,0,0,0,0,1500,-6000,1500,-6000,-6000,-2457,26,36000,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-6000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3763",60000,0,60000,0,60000,76100,76100,136100,136100,196100,377400,55,63972,2,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,136100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3764",0,0,29000,29000,0,2000,-4200,2000,-4200,-4200,-4200,64,10947,2,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-4200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3765",0,0,65000,45000,20000,5400,4700,5400,4700,24700,26200,31,45408,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,4700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3766",0,0,25000,14500,10500,5050,4050,5050,4050,14550,15550,31,17715,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,4050,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3767",0,0,0,0,0,100,100,100,100,100,1100,47,32043,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,100,0,0,0,0,1,0,0,0,0,0,0,1,0 -"3768",0,0,39000,25000,14000,0,0,0,0,14000,18000,38,16344,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3769",0,0,75000,0,75000,0,-150,0,-150,74850,74850,33,13326,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-150,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3770",12000,0,269000,135000,134000,249,-19751,12249,-7751,126249,126249,55,56103,5,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-7751,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3771",11250,0,30000,0,30000,34600,34450,45850,45700,75700,75700,55,27390,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,45700,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3772",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,37,14172,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3773",0,0,0,0,0,1038,-2462,1038,-2462,-2462,-2462,28,48558,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-2462,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3774",0,0,70000,64000,6000,3299,-701,3299,-701,5299,9999,28,24192,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-701,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3775",0,0,150000,65000,85000,6834,6834,6834,6834,91834,94611,47,42951,3,6,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,6834,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3776",0,0,75000,28700,46300,2426,1746,2426,1746,48046,53155,40,46605,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,1746,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3777",0,0,0,0,0,15000,12800,15000,12800,12800,20800,31,25680,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,12800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3778",0,0,8000,8000,0,0,0,0,0,0,50,37,11313,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3779",0,0,0,0,0,0,0,0,0,0,0,38,6120,3,9,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3780",0,0,39000,39000,0,0,0,0,0,0,2500,30,28629,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3781",0,0,0,0,0,500,-4850,500,-4850,-4850,-4850,39,28125,4,14,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,-4850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3782",0,0,165000,150000,15000,31000,21000,31000,21000,36000,48000,35,92277,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,21000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"3783",0,0,0,0,0,20,-780,20,-780,-780,-780,31,18813,3,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-780,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3784",0,0,70000,38000,32000,500,500,500,500,32500,32500,61,23640,2,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3785",0,0,120000,90000,30000,9635,-5365,9635,-5365,24635,26429,42,72039,3,16,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,-5365,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3786",2000,0,48000,27000,21000,610,510,2610,2510,23510,31510,37,38340,5,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,2510,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3787",0,0,0,0,0,200,-1800,200,-1800,-1800,10200,58,44925,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1800,0,0,0,0,0,1,0,0,0,0,0,0,1 -"3788",0,0,12000,9300,2700,185,-2815,185,-2815,-115,885,26,13110,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2815,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3789",0,0,0,0,0,0,-300,0,-300,-300,3050,33,13755,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-300,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3790",0,0,0,0,0,550,-3150,550,-3150,-3150,6503,36,24975,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-3150,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3791",0,0,58000,58000,0,6215,1015,6215,1015,1015,22390,36,28452,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,1015,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3792",0,0,120000,62000,58000,0,0,0,0,58000,106000,33,31749,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3793",0,0,10000,1658,8342,150,-12918,150,-12918,-4576,10424,29,30249,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-12918,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3794",0,0,85000,75000,10000,17200,12115,17200,12115,22115,31290,47,46983,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,12115,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3795",0,0,60000,33000,27000,4778,1778,4778,1778,28778,43778,49,48585,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1778,1,0,0,0,0,1,0,0,0,0,0,1,0 -"3796",0,0,0,0,0,8062,-8538,8062,-8538,-8538,-8538,31,57786,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-8538,0,0,0,0,0,0,1,0,0,1,0,0,0 -"3797",0,0,0,0,0,0,0,0,0,0,0,37,12666,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3798",0,0,80000,0,80000,20299,20299,20299,20299,100299,108324,55,31098,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,20299,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3799",0,0,0,0,0,0,-13947,0,-13947,-13947,-13947,51,16200,7,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-13947,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3800",22000,0,300000,150000,150000,2100,-27900,24100,-5900,144100,513100,44,106086,4,15,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,-5900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3801",27000,0,78000,78000,0,2900,2820,29900,29820,29820,35820,45,51327,2,18,1,1,0,0,1,0,0,1,0,0,0,1,6,4,0.7130944,29820,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3802",0,0,20000,0,20000,500,500,500,500,20500,26050,51,13473,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3803",0,0,0,0,0,0,-1640,0,-1640,-1640,-1640,31,8868,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1640,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3804",0,0,110000,105000,5000,0,-6000,0,-6000,-1000,4000,30,60870,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3805",4000,0,170000,55000,115000,7600,600,11600,4600,119600,123600,38,50817,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,4600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3806",0,0,85000,37000,48000,2000,0,2000,0,48000,66800,46,61110,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,0,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3807",0,0,0,0,0,4900,4100,4900,4100,4100,180600,33,23661,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3808",0,0,0,0,0,0,0,0,0,0,0,40,24000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3809",0,0,0,0,0,429,-21,429,-21,-21,214,35,13128,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-21,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3810",14000,0,100000,47000,53000,1300,1100,15300,15100,68100,83100,53,73218,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,15100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3811",30000,0,90000,56000,34000,3500,3300,33500,33300,67300,67300,47,60180,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,33300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3812",4200,0,175000,55000,120000,9850,8150,14050,12350,132350,282350,58,71646,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,12350,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3813",0,0,0,0,0,160,-440,160,-440,-440,7560,33,24516,5,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3814",2000,0,90000,40000,50000,1500,800,3500,2800,52800,59300,36,81510,5,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,2800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3815",0,0,120000,73500,46500,17556,17556,17556,17556,64056,76148,26,5004,3,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3536102,17556,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3816",0,0,4000,4000,0,0,0,0,0,0,0,46,3690,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3817",20750,0,105000,75000,30000,25000,24000,45750,44750,74750,74750,31,68040,5,17,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,44750,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3818",0,0,0,0,0,0,-4000,0,-4000,-4000,-4000,36,17136,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3819",20000,0,30000,0,30000,649,649,20649,20649,50649,55649,58,20235,2,10,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,20649,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3820",3000,0,80000,50000,30000,500,-7500,3500,-4500,25500,26000,33,21060,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,-4500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3821",0,0,0,0,0,0,-574,0,-574,-574,1926,32,6678,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-574,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3822",0,0,62000,57000,5000,1550,-3875,1550,-3875,1125,14125,41,56334,3,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-3875,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3823",0,0,0,0,0,749,-7751,749,-7751,-7751,249,34,36051,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-7751,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3824",0,0,45000,36300,8700,50,-12276,50,-12276,-3576,-2442,39,22956,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-12276,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3825",0,0,0,0,0,1965,1965,1965,1965,1965,5315,27,40209,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,1965,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3826",0,0,50000,0,50000,1999,1459,1999,1459,51459,82834,34,36090,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1459,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3827",0,0,0,0,0,70,-7575,70,-7575,-7575,-3255,40,35688,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7575,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3828",0,0,0,0,0,999,-6001,999,-6001,-6001,-5970,26,23640,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-6001,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3829",0,0,50000,0,50000,1000,800,1000,800,50800,75600,51,21969,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3830",0,0,185000,150000,35000,400,400,400,400,35400,39975,56,14310,6,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,400,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3831",31000,0,50000,0,50000,6200,6100,37200,37100,87100,93600,48,29067,5,17,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,37100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3832",0,0,0,0,0,0,0,0,0,0,2000,41,25674,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3833",0,0,0,0,0,1550,-1450,1550,-1450,-1450,11750,25,24510,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1450,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3834",0,0,200000,80000,120000,5100,4876,5100,4876,124876,124876,46,55818,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,4876,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3835",0,0,45000,18500,26500,1000,1000,1000,1000,27500,27500,35,24150,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3836",6000,0,35000,12500,22500,63200,63200,69200,69200,91700,98517,49,16968,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,69200,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3837",0,0,135000,89000,46000,9223,7723,9223,7723,53723,65723,34,64347,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,7723,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3838",0,0,80000,40500,39500,1200,350,1200,350,39850,49270,44,49656,6,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,350,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3839",0,0,35000,35000,0,200,-30,200,-30,-30,7470,48,19176,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-30,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3840",0,0,0,0,0,2000,2000,2000,2000,2000,5350,37,24546,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3841",0,0,2000,0,2000,65,-453,65,-453,1547,1855,33,15000,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-453,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3842",4500,0,95000,50000,45000,16000,-4500,20500,0,45000,49000,46,18000,2,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3843",0,0,65000,15000,50000,58930,55000,58930,55000,105000,122743,64,34932,3,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,55000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3844",0,0,75000,67000,8000,350,-2150,350,-2150,5850,6833,48,14025,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2150,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3845",0,0,0,0,0,1800,1800,1800,1800,1800,1800,49,25608,1,3,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,1800,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3846",0,0,75000,72000,3000,50,-2950,50,-2950,50,50,49,16920,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-2950,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3847",0,0,60000,20000,40000,47749,46249,47749,46249,86249,86249,61,42528,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,46249,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3848",0,0,0,0,0,0,-1000,0,-1000,-1000,-500,45,8586,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1000,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3849",0,0,0,0,0,0,0,0,0,0,700,39,17850,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3850",0,0,6000,0,6000,63,63,63,63,6063,6063,27,17832,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,63,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3851",0,0,0,0,0,450,350,450,350,350,1200,29,18000,2,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3852",0,0,40000,36000,4000,4000,3400,4000,3400,7400,7400,28,17070,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,3400,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3853",0,0,12000,10000,2000,3000,3000,3000,3000,5000,9500,33,11898,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,3000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3854",0,0,215000,73400,141600,2720,1970,2720,1970,143570,143570,39,41088,5,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,1970,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3855",0,0,75000,0,75000,700,-1700,700,-1700,73300,79300,36,41694,2,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,-1700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3856",0,0,0,0,0,0,-9000,0,-9000,-9000,-9000,40,14241,5,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-9000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3857",0,0,0,0,0,559,-5371,559,-5371,-5371,-2021,60,5436,2,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-5371,0,1,0,0,0,0,0,0,0,0,0,0,1 -"3858",50000,0,73000,0,73000,16250,15897,66250,65897,138897,252897,56,39546,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,65897,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3859",0,0,90000,44000,46000,3000,2000,3000,2000,48000,68000,58,14460,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3860",0,0,53000,10000,43000,50,-3050,50,-3050,39950,44750,34,16977,5,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-3050,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3861",3000,0,0,0,0,3999,3899,6999,6899,6899,11790,26,28830,1,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.5117899,6899,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3862",0,0,0,0,0,2000,2000,2000,2000,2000,2900,60,14541,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3863",0,0,0,0,0,300,300,300,300,300,300,41,49980,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,300,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3864",2000,0,0,0,0,11550,11400,13550,13400,13400,20400,26,32070,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.277538,13400,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3865",0,0,100000,23000,77000,2542,-2238,2542,-2238,74762,76075,55,60528,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-2238,1,0,0,0,0,0,1,0,0,0,0,0,1 -"3866",0,0,40000,25000,15000,2000,1800,2000,1800,16800,16800,45,24426,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,1800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3867",0,0,0,0,0,9699,8599,9699,8599,8599,10599,31,42330,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,8599,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3868",0,0,0,0,0,10,-1715,10,-1715,-1715,-549,31,14400,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-1715,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3869",0,0,0,0,0,1200,600,1200,600,600,6450,51,20496,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,600,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3870",0,0,42000,15000,27000,67600,67600,67600,67600,94600,94600,44,34755,4,1,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,67600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3871",0,0,0,0,0,1300,-4200,1300,-4200,-4200,4800,40,60846,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-4200,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3872",0,0,60000,60000,0,249,249,749,749,749,749,37,44475,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,249,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3873",0,0,285000,150000,135000,1200,-10600,1200,-10600,124400,124400,39,97722,6,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-10600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"3874",0,0,95000,75000,20000,5050,-750,5050,-750,19250,29250,35,69696,5,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-750,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3875",0,0,75000,0,75000,136,-2364,136,-2364,72636,72636,46,12954,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2364,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3876",0,0,0,0,0,0,0,0,0,0,0,40,15402,5,7,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3877",0,0,0,0,0,1000,-6700,1000,-6700,-6700,-3700,25,60495,2,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-6700,0,0,0,0,0,0,1,0,1,0,0,0,0 -"3878",0,0,0,0,0,750,750,750,750,750,2916,63,26580,2,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,750,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3879",3000,0,300000,70000,230000,35500,19500,48500,32500,262500,273000,53,101949,3,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,22500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3880",0,0,0,0,0,22,-843,22,-843,-843,157,32,12207,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-843,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3881",0,0,14000,12000,2000,50,-950,50,-950,1050,1050,38,15360,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-950,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3882",0,0,40000,0,40000,3000,3000,3000,3000,43000,47475,53,28980,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,3000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3883",0,0,0,0,0,500,500,500,500,500,8500,29,24510,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3884",0,0,31050,31050,0,0,-650,0,-650,-650,-150,32,9069,4,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-650,1,1,0,0,0,0,0,0,0,1,0,0,0 -"3885",0,0,80000,30000,50000,168,-3332,168,-3332,46668,46668,49,59256,2,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3332,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3886",0,0,12000,7000,5000,0,-1500,0,-1500,3500,6400,28,9240,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-1500,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3887",15000,0,0,0,0,97000,97000,112000,112000,112000,115550,44,22416,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,112000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3888",0,0,0,0,0,3000,2400,3000,2400,2400,4150,30,25650,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3889",0,0,135000,52000,83000,3700,840,3700,840,83840,83840,50,27561,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,840,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3890",0,0,45000,0,45000,400,-900,400,-900,44100,60100,36,47385,6,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3891",0,0,0,0,0,0,-18000,0,-18000,-18000,-8000,40,18900,6,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-18000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3892",0,0,0,0,0,1499,-11601,1499,-11601,-11601,-11101,33,16590,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-11601,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3893",0,0,75000,75000,0,3199,3199,3199,3199,3199,3199,42,26985,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,3199,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3894",0,0,0,0,0,6,-1494,6,-1494,-1494,3506,30,29478,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-1494,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3895",0,0,63000,51000,12000,610,-2240,610,-2240,9760,16813,44,31530,2,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-2240,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3896",0,0,55000,18000,37000,1449,-2551,1449,-2551,34449,44924,41,48273,3,14,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5315816,-2551,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3897",4500,0,100000,30000,70000,46050,15050,50550,19550,89550,89550,29,37650,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,19550,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3898",0,0,0,0,0,0,0,0,0,0,0,32,24960,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3899",0,0,85000,64000,21000,256,-704,256,-704,20296,20296,33,45039,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-704,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3900",0,0,0,0,0,250,-10250,250,-10250,-10250,-8250,49,29898,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-10250,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3901",0,0,59000,41000,18000,499,199,499,199,18199,25749,40,3618,1,18,1,0,1,0,1,0,0,0,0,0,0,1,1,4,0.3536102,199,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3902",0,0,0,0,0,999,999,999,999,999,999,55,12300,4,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,999,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3903",0,0,150000,25000,125000,1010,-190,1010,-190,124810,138653,43,47400,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-190,1,0,0,0,0,1,0,0,0,0,1,0,0 -"3904",0,0,90000,45000,45000,500,-2000,500,-2000,43000,43000,46,70830,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"3905",66000,0,300000,150000,150000,1251000,1239500,1317000,1305500,1455500,1655500,59,199041,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,1305500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"3906",0,0,40000,0,40000,1299,-29,1299,-29,39971,43637,39,21621,2,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,-29,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3907",0,0,0,0,0,0,0,0,0,0,500,28,10200,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3908",0,0,95000,70000,25000,2500,-8500,2500,-8500,16500,16500,31,30315,4,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-8500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3909",0,0,60000,56000,4000,100,50,100,50,4050,4550,40,12120,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,50,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3910",27000,0,300000,150000,150000,4319,2319,31319,29319,179319,208319,47,87720,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,29319,1,0,0,0,0,0,0,1,0,0,0,1,0 -"3911",0,0,2000,0,2000,0,0,0,0,2000,2000,57,4140,3,4,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3912",45000,0,300000,0,300000,1359,-841,46359,44159,344159,351159,52,33489,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,44159,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3913",0,0,40000,0,40000,0,-30000,0,-30000,10000,10000,27,1419,5,10,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-30000,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3914",0,0,127000,105000,22000,1400,-6600,1400,-6600,15400,19750,32,52041,1,16,1,1,1,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-6600,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3915",1475,0,0,0,0,3222,1172,4697,2647,2647,5897,36,34839,1,18,1,0,1,0,1,0,0,1,0,0,0,1,4,4,0.6739899,2647,0,0,0,0,1,0,0,0,0,0,1,0,0 -"3916",0,0,40000,33900,6100,50,-2550,50,-2550,3550,4550,47,21612,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2550,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3917",10000,0,65000,0,65000,35000,34000,45000,44000,109000,109000,30,45948,2,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,44000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"3918",0,0,38000,33000,5000,3000,-4800,3000,-4800,200,6800,52,26400,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3919",0,0,0,0,0,400,-300,400,-300,-300,-300,25,24300,3,7,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3920",0,0,0,0,0,225,-17275,225,-17275,-17275,-17275,26,34830,1,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-17275,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3921",0,0,0,0,0,13200,13200,13200,13200,13200,13200,51,26280,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,13200,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3922",0,0,160000,0,160000,259,259,259,259,160259,167084,62,20622,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,259,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3923",0,0,54000,33900,20100,0,-1422,0,-1422,18678,18678,27,16488,6,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1422,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3924",0,0,55000,47000,8000,7,-4693,7,-4693,3307,30907,29,29532,4,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,-4693,1,0,0,1,0,0,0,0,1,0,0,0,0 -"3925",0,0,0,0,0,0,0,0,0,0,0,27,8400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"3926",0,0,46000,46000,0,2100,-7900,2100,-7900,-7900,-7900,52,22500,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-7900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3927",0,0,0,0,0,8000,8000,8000,8000,8000,14743,40,24360,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,8000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3928",0,0,30000,0,30000,0,0,0,0,30000,30000,40,9630,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3929",0,0,0,0,0,0,0,0,0,0,0,25,14439,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3930",0,0,7500,5420,2080,242,-3158,242,-3158,-1078,-578,41,14040,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3158,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3931",0,0,57000,46000,11000,600,-4400,600,-4400,6600,10100,31,21180,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-4400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3932",0,0,0,0,0,10560,10560,10560,10560,10560,12893,36,21021,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,10560,0,0,0,1,0,0,0,0,0,0,1,0,0 -"3933",0,0,66000,60000,6000,150,-126,650,374,6374,6374,33,17229,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-126,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3934",0,0,60000,4500,55500,1283,783,1283,783,56283,58283,52,15306,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,783,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3935",0,0,175000,0,175000,18298,17704,18298,17704,192704,192704,60,14442,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,17704,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3936",0,0,24000,12000,12000,295,-3605,295,-3605,8395,8395,31,17127,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3605,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3937",0,0,42500,42500,0,8600,8600,8600,8600,8600,17600,31,37089,3,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,8600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"3938",0,0,0,0,0,0,0,0,0,0,0,37,17571,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3939",0,0,75000,50000,25000,900,0,900,0,25000,29670,40,28095,5,3,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3940",0,0,35000,0,35000,0,-366,0,-366,34634,34634,48,12165,5,6,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3623197,-366,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3941",500,0,46000,46000,0,100,-10800,600,-10300,-10300,-10300,30,18042,5,12,0,1,1,0,1,0,0,1,0,1,0,0,2,2,0.1464927,-10300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3942",0,0,47500,0,47500,40000,39600,40000,39600,87100,89100,60,13245,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,39600,1,0,1,0,0,0,0,0,0,0,0,0,1 -"3943",0,0,0,0,0,9400,9200,9400,9200,9200,15075,39,55716,1,17,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,9200,0,0,0,0,0,0,1,0,0,0,1,0,0 -"3944",8000,0,0,0,0,22600,22600,30600,30600,30600,50600,41,49758,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,30600,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3945",100,0,0,0,0,1568,1268,1668,1368,1368,5945,29,43281,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,1368,0,0,0,0,0,1,0,0,1,0,0,0,0 -"3946",0,0,0,0,0,0,0,0,0,0,2750,25,15456,1,6,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3947",0,0,0,0,0,0,0,0,0,0,3000,35,10710,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3948",0,0,0,0,0,569,-16431,569,-16431,-16431,-16431,33,26880,3,17,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-16431,0,0,0,1,0,0,0,0,0,1,0,0,0 -"3949",0,0,118000,50000,68000,99,-501,99,-501,67499,67499,38,60096,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-501,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3950",0,0,0,0,0,200,200,200,200,200,6547,39,14586,2,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3951",0,0,17700,10000,7700,2899,-3001,2899,-3001,4699,30919,29,39882,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-3001,1,0,0,0,1,0,0,0,1,0,0,0,0 -"3952",0,0,20000,0,20000,1300,1300,1300,1300,21300,21300,55,8520,5,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,1300,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3953",0,0,70000,25000,45000,0,0,0,0,45000,51375,42,13440,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"3954",0,0,0,0,0,0,0,0,0,0,0,44,7182,5,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3955",0,0,175000,65000,110000,16000,13400,16000,13400,123400,123400,34,55986,6,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,13400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"3956",0,0,65000,48000,17000,2000,-3500,2000,-3500,13500,42800,42,38817,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"3957",30000,0,60000,0,60000,32499,32399,62499,62399,122399,122399,56,38766,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,62399,1,0,0,0,1,0,0,0,0,0,0,0,1 -"3958",0,0,0,0,0,12200,11700,12200,11700,11700,11700,33,47802,6,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,11700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"3959",0,0,0,0,0,1020,270,1020,270,270,270,55,21765,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,270,0,0,0,1,0,0,0,0,0,0,0,0,1 -"3960",0,0,0,0,0,1950,1450,1950,1450,1450,1728,29,21660,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,1450,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3961",0,0,14000,14700,-700,300,300,300,300,-400,2100,29,5283,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,300,1,1,0,0,0,0,0,0,1,0,0,0,0 -"3962",0,0,73000,57000,16000,20973,18973,20973,18973,34973,40161,37,20616,5,16,0,1,0,1,1,0,0,0,0,0,0,1,3,4,0.273178,18973,1,0,0,1,0,0,0,0,0,0,1,0,0 -"3963",0,0,0,0,0,200,200,200,200,200,250,25,22680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3964",0,0,0,0,0,100,-9720,100,-9720,-9720,-5645,41,40467,2,14,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5231876,-9720,0,0,0,0,0,1,0,0,0,0,1,0,0 -"3965",0,0,100000,58000,42000,700,-17300,700,-17300,24700,30700,42,73362,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-17300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3966",0,0,65000,20500,44500,600,-900,600,-900,43600,43600,51,22500,4,10,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,-900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"3967",0,0,40000,0,40000,0,0,0,0,40000,40000,46,36072,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3968",0,0,0,0,0,0,0,0,0,0,0,47,17904,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"3969",28368,0,185000,17000,168000,48800,44983,77168,73351,241351,455092,41,51591,4,14,0,1,1,0,1,0,0,1,0,0,1,0,6,3,0.5336504,73351,1,0,0,0,0,0,1,0,0,0,1,0,0 -"3970",0,0,0,0,0,375,-4625,375,-4625,-4625,-625,58,11520,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-4625,0,0,1,0,0,0,0,0,0,0,0,0,1 -"3971",0,0,0,0,0,0,0,0,0,0,3350,43,16080,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3972",0,0,0,0,0,0,-2200,0,-2200,-2200,-2200,29,22680,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3973",0,0,33750,33750,0,152,-148,152,-148,-148,2352,60,7650,1,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-148,1,1,0,0,0,0,0,0,0,0,0,0,1 -"3974",0,0,15000,11000,4000,0,0,0,0,4000,4500,47,6765,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"3975",0,0,0,0,0,950,-4900,950,-4900,-4900,-2925,29,19374,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-4900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3976",0,0,0,0,0,255,-1245,255,-1245,-1245,-1245,52,21420,5,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-1245,0,0,0,1,0,0,0,0,0,0,0,1,0 -"3977",0,0,0,0,0,1200,-3800,1200,-3800,-3800,3253,25,24630,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"3978",10000,0,150000,0,150000,164999,164999,174999,174999,324999,328349,52,16509,1,18,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,174999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3979",0,0,0,0,0,799,699,799,699,699,2719,27,38616,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,699,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3980",0,0,0,0,0,265,-1435,265,-1435,-1435,65,33,18600,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1435,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3981",0,0,0,0,0,0,-14000,0,-14000,-14000,-14000,35,33120,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-14000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"3982",25500,0,115000,0,115000,11299,11299,36799,36799,151799,276799,63,40824,2,15,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,36799,1,0,0,0,0,1,0,0,0,0,0,0,1 -"3983",0,0,20000,11000,9000,0,-6000,0,-6000,3000,3600,34,19890,4,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-6000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"3984",0,0,60000,0,60000,0,0,0,0,60000,60500,42,8937,8,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"3985",0,0,0,0,0,9999,-14201,9999,-14201,-14201,-14201,50,66360,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-14201,0,0,0,0,0,0,1,0,0,0,0,1,0 -"3986",0,0,50000,45000,5000,1000,300,1000,300,5300,14800,62,26808,2,17,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"3987",0,0,16000,16000,0,1000,345,1000,345,345,345,25,19380,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,345,1,0,1,0,0,0,0,0,1,0,0,0,0 -"3988",0,0,0,0,0,0,0,0,0,0,0,35,1560,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3989",0,0,58000,0,58000,0,0,0,0,58000,58000,32,21804,1,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"3990",0,0,0,0,0,600,-5450,600,-5450,-5450,-1750,28,30210,1,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-5450,0,0,0,0,1,0,0,0,1,0,0,0,0 -"3991",0,0,0,0,0,0,0,0,0,0,0,25,11865,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"3992",0,0,0,0,0,0,0,0,0,0,500,43,11250,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"3993",0,0,0,0,0,0,0,0,0,0,0,51,8160,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"3994",0,0,0,0,0,0,-2600,0,-2600,-2600,-600,30,8280,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2600,0,1,0,0,0,0,0,0,0,1,0,0,0 -"3995",0,0,0,0,0,0,0,0,0,0,170,43,3420,2,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"3996",0,0,0,0,0,1440,634,1440,634,634,1134,32,17940,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,634,0,0,1,0,0,0,0,0,0,1,0,0,0 -"3997",15000,0,170000,0,170000,18000,18000,33000,33000,203000,243000,47,33687,4,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,33000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"3998",0,0,10000,0,10000,13500,13100,13500,13100,23100,36553,54,13296,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,13100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"3999",0,0,0,0,0,7100,7100,7100,7100,7100,7100,32,34059,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,7100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4000",19500,0,80000,0,80000,11349,11349,30849,30849,110849,205849,31,22722,2,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,30849,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4001",0,0,0,0,0,100,-2900,100,-2900,-2900,-1900,30,31875,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-2900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4002",0,0,160000,75000,85000,3400,3400,3400,3400,88400,88400,34,40161,4,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.6077043,3400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4003",0,0,50000,35000,15000,0,-1800,0,-1800,13200,13200,59,14280,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-1800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4004",8000,0,115000,73500,41500,14399,12399,22399,20399,61899,75291,36,24867,2,16,0,1,1,0,1,0,0,1,0,0,0,1,3,4,0.2696004,20399,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4005",0,0,0,0,0,1323,-5177,1323,-5177,-5177,-1511,45,26700,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-5177,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4006",0,0,0,0,0,250,250,250,250,250,250,30,6450,1,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,250,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4007",0,0,0,0,0,0,0,0,0,0,6743,26,12750,1,3,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4008",0,0,0,0,0,300,300,300,300,300,2875,46,12018,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,300,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4009",0,0,0,0,0,1000,555,1000,555,555,555,54,25500,6,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,555,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4010",0,0,65000,26000,39000,8499,7599,8499,7599,46599,49299,57,21024,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,7599,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4011",0,0,55000,48000,7000,500,-4000,500,-4000,3000,7256,30,53040,4,15,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-4000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4012",0,0,50000,0,50000,249,249,249,249,50249,58710,44,31635,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,249,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4013",0,0,0,0,0,0,0,0,0,0,1800,39,25416,6,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4014",7000,0,72500,72500,0,12507,4937,19507,11937,11937,21937,47,23772,4,18,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,11937,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4015",0,0,15000,0,15000,500,-7551,500,-7551,7449,9649,42,13200,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-7551,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4016",0,0,0,0,0,1650,-3350,1650,-3350,-3350,4703,36,28800,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-3350,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4017",0,0,0,0,0,300,300,300,300,300,300,34,14304,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,300,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4018",32000,0,190000,0,190000,40600,40225,72600,72225,262225,262225,63,36072,3,13,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,72225,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4019",0,0,26000,0,26000,200,-1450,200,-1450,24550,24550,63,31209,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1450,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4020",0,0,25000,0,25000,0,-6400,0,-6400,18600,18600,37,16788,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-6400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4021",0,0,95000,76000,19000,6200,5419,6200,5419,24419,24419,46,39582,2,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,5419,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4022",0,0,0,0,0,0,0,0,0,0,0,40,12960,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4023",3000,0,60000,50000,10000,400,-4400,3400,-1400,8600,13600,29,25308,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,-1400,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4024",0,0,0,0,0,0,-2710,0,-2710,-2710,-2710,25,21813,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2710,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4025",0,0,75000,68000,7000,800,-3200,800,-3200,3800,14800,28,55830,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3200,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4026",0,0,38500,38500,0,50,-4750,50,-4750,-4750,-4750,33,38073,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-4750,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4027",246,0,100000,60000,40000,288500,287500,288746,287746,327746,327746,62,57159,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,287746,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4028",0,0,130000,62000,68000,6500,4500,6500,4500,72500,75125,46,32184,3,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,4500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4029",0,0,0,0,0,0,0,0,0,0,0,59,18696,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4030",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,31,16386,3,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-1200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4031",0,0,0,0,0,2200,2200,2200,2200,2200,5200,29,26223,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4032",0,0,22000,20000,2000,800,600,800,600,2600,6900,32,17646,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4033",0,0,49900,10000,39900,45,-4095,45,-4095,35805,38755,41,19413,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-4095,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4034",0,0,64000,30600,33400,11,-6569,11,-6569,26831,26831,25,14484,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-6569,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4035",16000,0,125000,125000,0,5200,3000,21200,19000,19000,31000,56,77979,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,19000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4036",0,0,0,0,0,0,-1200,0,-1200,-1200,1063,25,10200,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4037",0,0,0,0,0,2932,-2168,2932,-2168,-2168,2732,29,29994,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-2168,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4038",0,0,90000,0,90000,14399,14399,14399,14399,104399,104399,61,44331,3,14,1,1,0,0,1,0,0,0,0,0,1,0,5,3,0.6077043,14399,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4039",0,0,50000,31000,19000,53,53,53,53,19053,23303,43,7569,3,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,53,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4040",0,0,11000,7000,4000,0,-9500,0,-9500,-5500,3073,46,25773,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-9500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4041",0,0,0,0,0,0,-671,0,-671,-671,-671,28,24990,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-671,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4042",18000,0,0,0,0,32900,32100,110900,110100,110100,119550,51,58959,1,14,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.3107966,50100,0,0,0,0,0,0,1,0,0,0,0,1,0 -"4043",0,0,0,0,0,75,75,75,75,75,3800,42,19512,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,75,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4044",26900,0,45000,0,45000,111200,111200,138100,138100,183100,192100,61,59946,2,18,1,1,0,0,1,0,0,1,0,0,0,1,6,4,0.7130944,138100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4045",0,0,0,0,0,400,-2970,400,-2970,-2970,-2175,25,31698,1,17,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2970,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4046",0,0,0,0,0,0,0,0,0,0,0,31,20028,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4047",0,0,55000,45000,10000,500,-2000,500,-2000,8000,14500,31,55554,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4048",0,0,6500,0,6500,0,0,0,0,6500,7800,36,6240,4,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4049",0,0,100000,55000,45000,600,-6900,600,-6900,38100,39100,43,16326,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-6900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4050",0,0,0,0,0,0,-2500,0,-2500,-2500,8862,27,6606,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2500,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4051",0,0,0,0,0,0,0,0,0,0,4050,40,27840,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4052",0,0,56000,30000,26000,1200,-800,1200,-800,25200,34200,41,37584,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4053",0,0,0,0,0,100,100,100,100,100,1600,41,19215,3,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4054",0,0,0,0,0,949,549,949,549,549,2049,30,24627,2,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,549,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4055",0,0,0,0,0,6000,6000,6000,6000,6000,24550,32,21930,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,6000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4056",0,0,0,0,0,1100,-2400,1100,-2400,-2400,600,27,28200,2,13,1,1,1,1,1,0,0,0,0,0,1,0,3,3,0.4366938,-2400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4057",0,0,0,0,0,100,-500,100,-500,-500,0,50,8454,1,12,1,0,0,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-500,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4058",0,0,96000,96000,0,18200,12700,18200,12700,12700,52257,47,71316,3,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,12700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4059",0,0,0,0,0,0,-2200,0,-2200,-2200,-1950,29,3840,5,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-2200,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4060",900,0,0,0,0,155,-445,1055,455,455,455,52,33291,3,16,1,1,0,1,1,0,0,1,0,0,0,1,4,4,0.6044431,455,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4061",0,0,60000,55000,5000,49,-1451,49,-1451,3549,9933,39,18990,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-1451,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4062",0,0,0,0,0,1000,-1500,1000,-1500,-1500,175,34,30255,4,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4063",0,0,0,0,0,100,-1900,100,-1900,-1900,2100,26,19251,2,16,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1283302,-1900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4064",0,0,0,0,0,1000,1000,1000,1000,1000,1000,34,24465,3,11,0,1,1,1,1,0,0,0,1,0,0,0,3,1,0.2092901,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4065",0,0,18000,0,18000,0,-900,0,-900,17100,17100,45,11868,3,5,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-900,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4066",23190,0,90000,62500,27500,8699,8699,31889,31889,59389,59389,39,30690,5,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,31889,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4067",2000,0,0,0,0,0,-5000,2000,-3000,-3000,53000,39,1950,3,14,0,1,0,1,1,0,0,1,0,0,1,0,1,3,0.1755065,-3000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4068",0,0,120000,80000,40000,399,-1601,399,-1601,38399,38399,38,48021,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1601,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4069",0,0,30000,0,30000,0,-800,0,-800,29200,31200,53,20910,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4070",0,0,55000,27500,27500,0,0,0,0,27500,27500,40,8262,5,4,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4071",12200,0,0,0,0,16600,15800,28800,28000,28000,88750,53,39978,1,15,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,28000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4072",0,0,0,0,0,800,800,800,800,800,800,36,4458,3,12,0,1,1,1,1,0,0,0,0,1,0,0,1,2,0.0486785,800,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4073",0,0,225000,147000,78000,10000,5000,10000,5000,83000,108000,47,76338,4,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,5000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4074",0,0,0,0,0,0,-1861,0,-1861,-1861,-1861,41,7650,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1861,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4075",0,0,0,0,0,30,30,30,30,30,25530,29,12756,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,30,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4076",0,0,0,0,0,0,0,0,0,0,0,41,26520,4,7,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4077",2000,0,175000,1800,173200,5000,2500,7000,4500,177700,177700,59,22119,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,4500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4078",0,0,0,0,0,1205,1205,1205,1205,1205,1205,30,25122,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1205,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4079",0,0,45000,13000,32000,1000,294,1000,294,32294,33794,61,19545,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,294,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4080",0,0,0,0,0,1000,1000,1000,1000,1000,1585,32,27570,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,1000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4081",0,0,180000,50000,130000,3399,3199,3399,3199,133199,133199,39,16167,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,3199,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4082",5500,0,58000,46000,12000,1500,-862,7000,4638,16638,18188,27,18075,3,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,4638,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4083",0,0,76000,0,76000,2899,1449,2899,1449,77449,95249,42,25068,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1449,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4084",0,0,105000,0,105000,13818,12618,13818,12618,117618,230193,59,21843,2,11,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,12618,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4085",0,0,0,0,0,1200,-4100,1200,-4100,-4100,7900,34,37428,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-4100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4086",0,0,0,0,0,65000,63800,65000,63800,63800,63800,29,44559,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,63800,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4087",0,0,200000,80000,120000,12675,10175,12675,10175,130175,142175,31,65334,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,10175,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4088",0,0,0,0,0,294,-19706,294,-19706,-19706,-19706,48,32349,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-19706,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4089",0,0,0,0,0,0,0,0,0,0,3000,36,21405,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4090",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,33,22161,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4091",0,0,0,0,0,650,-3650,650,-3650,-3650,-2900,43,18240,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3650,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4092",0,0,0,0,0,0,0,0,0,0,0,59,58896,1,18,1,0,0,0,1,0,0,0,0,0,0,1,6,4,0.5906146,0,0,0,0,0,0,0,1,0,0,0,0,0,1 -"4093",0,0,0,0,0,0,0,0,0,0,0,35,17226,6,16,0,1,1,1,1,0,0,0,0,0,0,1,2,4,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4094",0,0,90000,63000,27000,14100,12300,14100,12300,39300,39300,33,36894,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,12300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4095",0,0,275000,37000,238000,103000,100000,103000,100000,338000,345000,55,93336,4,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.6849159,100000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4096",0,0,50000,42000,8000,0,0,0,0,8000,8000,50,20400,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4097",0,0,27000,0,27000,0,0,0,0,27000,30350,64,11475,1,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4098",24500,0,190000,72000,118000,400500,372500,425000,397000,515000,595000,46,94380,4,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,397000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4099",0,0,225000,150000,75000,0,-50,0,-50,74950,74950,59,4320,6,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-50,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4100",0,0,0,0,0,100,100,100,100,100,100,35,28998,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4101",20000,0,15000,0,15000,122500,122500,142500,142500,157500,418500,46,83085,2,18,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,142500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4102",0,0,0,0,0,0,0,0,0,0,0,46,12750,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4103",0,0,60000,23900,36100,1160,160,1160,160,36260,36260,41,16287,7,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,160,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4104",0,0,74000,72000,2000,85,-4165,85,-4165,-2165,3335,28,26931,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4165,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4105",0,0,0,0,0,47384,47384,47384,47384,47384,55134,48,30543,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,47384,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4106",0,0,0,0,0,10,-2490,10,-2490,-2490,-1490,40,20220,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-2490,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4107",0,0,0,0,0,300,-1775,300,-1775,-1775,9225,25,32409,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-1775,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4108",0,0,0,0,0,500,-4500,500,-4500,-4500,5025,27,28560,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-4500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4109",0,0,60000,58000,2000,900,-3665,900,-3665,-1665,735,38,24879,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-3665,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4110",2000,0,0,0,0,3248,3248,5248,5248,5248,5248,51,105843,3,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.4696543,5248,0,0,0,0,0,0,0,1,0,0,0,1,0 -"4111",0,0,180000,51000,129000,10,-90,10,-90,128910,129910,50,15000,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-90,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4112",0,0,0,0,0,40000,40000,40000,40000,40000,40000,30,45960,2,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,40000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4113",0,0,0,0,0,440,440,440,440,440,940,41,32472,2,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,440,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4114",1500,0,290000,87500,202500,50240,50240,51740,51740,254240,254240,38,50016,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,51740,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4115",24000,0,300000,34950,265050,30600,30500,54600,54500,319550,404550,50,27516,2,13,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,54500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4116",0,0,0,0,0,225,-5141,225,-5141,-5141,-5141,26,22854,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-5141,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4117",2600,0,80000,40000,40000,700,160,3300,2760,42760,42760,32,28560,4,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,2760,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4118",0,0,0,0,0,5000,3500,5000,3500,3500,12000,27,42291,2,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,3500,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4119",0,0,45000,42000,3000,1800,-8900,1800,-8900,-5900,-4400,30,24540,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-8900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4120",6600,0,103000,103000,0,11249,-13751,17849,-7151,-7151,39849,33,76080,4,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-7151,1,0,0,0,0,0,0,1,0,1,0,0,0 -"4121",0,0,0,0,0,0,0,0,0,0,1000,26,12084,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4122",0,0,0,0,0,1300,-4700,1300,-4700,-4700,-700,37,28134,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-4700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4123",0,0,10000,10000,0,0,-2249,0,-2249,-2249,-749,38,10614,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2249,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4124",0,0,30000,17500,12500,2993,-5007,2993,-5007,7493,9493,31,14763,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-5007,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4125",0,0,0,0,0,3000,2900,3000,2900,2900,10600,35,37380,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,2900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4126",0,0,46000,41000,5000,4000,3200,4000,3200,8200,23700,25,46506,3,11,0,0,0,0,1,0,0,0,1,0,0,0,5,1,0.4200058,3200,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4127",0,0,0,0,0,1500,1500,1500,1500,1500,7443,50,57132,2,13,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.3169526,1500,0,0,0,0,0,0,1,0,0,0,0,1,0 -"4128",0,0,0,0,0,101,-399,101,-399,-399,-399,25,17646,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-399,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4129",0,0,0,0,0,1550,50,1550,50,50,10050,38,53658,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,50,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4130",0,0,0,0,0,100,-7350,100,-7350,-7350,-7350,30,19950,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-7350,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4131",0,0,0,0,0,299,-3701,299,-3701,-3701,-3701,27,56322,8,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-3701,0,0,0,0,0,0,1,0,1,0,0,0,0 -"4132",14000,0,70000,0,70000,181000,175000,195000,189000,259000,261000,53,56997,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,189000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4133",0,0,0,0,0,0,-10900,0,-10900,-10900,-10900,30,16500,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-10900,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4134",30000,0,200000,16000,184000,21000,21000,51000,51000,235000,235000,63,22422,2,13,1,1,0,0,1,0,0,1,0,0,1,0,3,3,0.3788275,51000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4135",0,0,59500,59500,0,433,-1822,433,-1822,-1822,4878,30,35550,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1822,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4136",0,0,0,0,0,0,-7500,0,-7500,-7500,-7500,33,31260,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-7500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4137",30000,0,300000,140000,160000,3000,0,33000,30000,190000,227000,43,110820,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,30000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4138",0,0,66000,66000,0,1400,-4600,1400,-4600,-4600,600,47,46485,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-4600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4139",1700,0,0,0,0,4200,2200,5900,3900,3900,3900,28,26850,2,17,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,3900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4140",40000,0,70000,35000,35000,35330,25330,75330,65330,100330,107330,42,61857,5,14,1,1,1,1,1,0,0,1,0,0,1,0,6,3,0.7130944,65330,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4141",0,0,120000,13500,106500,750,-750,750,-750,105750,105750,56,15006,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-750,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4142",0,0,0,0,0,2500,2500,2500,2500,2500,5691,32,28629,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4143",0,0,0,0,0,55,55,55,55,55,55,34,10767,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,55,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4144",0,0,0,0,0,499,499,499,499,499,999,29,20670,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,499,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4145",7090,0,64000,57000,7000,52570,52070,59660,59160,66160,66160,45,43131,2,18,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,59160,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4146",0,0,0,0,0,1000,750,1000,750,750,6750,32,22500,2,6,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,750,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4147",0,0,0,0,0,200,-2300,200,-2300,-2300,-2300,36,19284,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4148",0,0,0,0,0,10,-3890,10,-3890,-3890,-1690,46,11640,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3890,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4149",0,0,126000,126000,0,4000,3500,4000,3500,3500,15500,29,130296,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,3500,1,0,0,0,0,0,0,1,1,0,0,0,0 -"4150",0,0,50000,2558,47442,5,-595,5,-595,46847,50788,31,31536,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-595,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4151",0,0,0,0,0,3200,3200,3200,3200,3200,3200,45,15654,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,3200,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4152",0,0,0,0,0,34600,33600,34600,33600,33600,34950,37,32394,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,33600,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4153",0,0,0,0,0,0,0,0,0,0,13596,35,17640,4,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4154",0,0,0,0,0,24,24,24,24,24,624,25,14661,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,24,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4155",0,0,0,0,0,2000,1960,2000,1960,1960,3460,31,17649,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,1960,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4156",0,0,70000,25000,45000,500,-500,500,-500,44500,44500,47,38760,3,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4157",0,0,75000,37800,37200,4454,454,4454,454,37654,45654,46,80862,5,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,454,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4158",20000,0,0,0,0,38000,37800,58000,57800,57800,57800,57,30675,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,57800,0,0,0,0,1,0,0,0,0,0,0,0,1 -"4159",0,0,0,0,0,7,7,7,7,7,1007,32,9228,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,7,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4160",0,0,0,0,0,3000,3000,3000,3000,3000,3000,32,14580,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4161",25000,0,250000,0,250000,71200,64900,96200,89900,339900,342400,49,23250,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,89900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4162",6400,0,100000,70000,30000,22500,10200,28900,16600,46600,46600,25,27492,5,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,16600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4163",0,0,0,0,0,4300,-9100,4300,-9100,-9100,-6675,30,29364,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-9100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4164",0,0,0,0,0,0,0,0,0,0,6000,34,29700,9,6,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4165",0,0,50000,28000,22000,9900,7650,9900,7650,29650,29650,37,30996,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7650,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4166",0,0,65000,65000,0,20,20,20,20,20,4160,44,55800,4,12,0,0,0,0,1,0,0,0,0,1,0,0,6,2,0.4938007,20,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4167",0,0,90000,68000,22000,50,-1950,50,-1950,20050,29050,32,21150,2,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1950,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4168",0,0,88000,60000,28000,8495,-1005,8495,-1005,26995,38495,38,38313,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-1005,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4169",2000,0,93000,80000,13000,2499,2499,4499,4499,17499,29538,30,69750,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,4499,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4170",0,0,100000,0,100000,300,300,300,300,100300,110497,46,21936,6,2,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4171",0,0,0,0,0,0,-1203,0,-1203,-1203,187,51,9720,6,3,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1203,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4172",8000,0,90000,40000,50000,990,-2710,8990,5290,55290,67290,52,47295,2,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,5290,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4173",0,0,0,0,0,0,-134,0,-134,-134,11866,30,29526,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-134,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4174",0,0,0,0,0,100,-11600,100,-11600,-11600,-6600,26,25980,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,-11600,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4175",0,0,210000,0,210000,24999,23149,24999,23149,233149,239699,60,22512,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,23149,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4176",0,0,0,0,0,0,0,0,0,0,0,33,6900,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4177",2500,0,0,0,0,16749,16749,19249,19249,19249,19249,58,13065,1,14,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,19249,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4178",0,0,75000,46000,29000,1100,-2700,1100,-2700,26300,31800,30,45810,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-2700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4179",0,0,42000,31000,11000,700,-1300,700,-1300,9700,9700,62,25500,3,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-1300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4180",0,0,55000,55000,0,2700,-1300,2700,-1300,-1300,-1300,49,19734,7,9,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4181",0,0,0,0,0,0,-1875,0,-1875,-1875,3125,54,26136,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1875,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4182",0,0,0,0,0,0,-3000,0,-3000,-3000,2596,54,14871,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4183",0,0,80000,48000,32000,17000,16600,17000,16600,48600,248600,30,27192,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,16600,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4184",0,0,110000,71000,39000,4950,4210,4950,4210,43210,60209,42,57180,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4210,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4185",0,0,39000,39000,0,20,-3601,20,-3601,-3601,-3601,36,26370,6,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-3601,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4186",0,0,0,0,0,5000,4924,5000,4924,4924,6849,48,11244,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,4924,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4187",1000,0,150000,71000,79000,2999,-7001,3999,-6001,72999,72999,45,58578,2,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,-6001,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4188",0,0,0,0,0,1598,-1502,1598,-1502,-1502,-1502,29,21021,3,16,0,1,1,1,1,0,0,0,0,0,0,1,3,4,0.2092901,-1502,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4189",0,0,70000,35000,35000,600,500,600,500,35500,35500,61,11424,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4190",13000,0,75000,54000,21000,4600,3400,17600,16400,37400,37400,44,36060,4,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,16400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4191",0,0,90000,19900,70100,36,-1564,36,-1564,68536,69536,49,22395,5,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-1564,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4192",0,0,0,0,0,0,0,0,0,0,0,36,20400,5,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4193",0,0,76000,46200,29800,3975,3975,3975,3975,33775,43864,61,57060,2,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,3975,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4194",0,0,0,0,0,1200,1200,1200,1200,1200,3700,50,28254,5,9,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,1200,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4195",0,0,0,0,0,0,0,0,0,0,0,28,10506,5,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4196",0,0,0,0,0,0,0,0,0,0,0,29,21807,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4197",0,0,48000,46000,2000,55,-1345,55,-1345,655,4355,31,15990,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-1345,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4198",0,0,60000,0,60000,200,-300,200,-300,59700,170900,39,43230,3,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4199",0,0,0,0,0,13000,13000,13000,13000,13000,15500,51,34656,3,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,13000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4200",2500,0,85000,16000,69000,2200,-300,4700,2200,71200,73533,48,28812,2,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,2200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4201",0,0,9000,0,9000,1750,1150,1750,1150,10150,20500,37,12852,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,1150,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4202",0,0,14000,12000,2000,0,-800,0,-800,1200,1200,35,23520,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4203",0,0,5000,3800,1200,0,-150,0,-150,1050,1550,27,15888,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-150,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4204",37000,0,300000,0,300000,49999,49999,86999,86999,386999,386999,61,33636,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,86999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4205",0,0,40000,40000,0,200,200,200,200,200,200,45,26340,5,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4206",0,0,0,0,0,16042,15042,16042,15042,15042,15042,31,13029,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15042,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4207",5000,0,90000,62000,28000,1199,649,6199,5649,33649,38649,45,35580,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,5649,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4208",0,0,0,0,0,500,500,500,500,500,500,31,13116,7,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4209",0,0,0,0,0,99,-1801,99,-1801,-1801,-1801,27,14286,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-1801,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4210",0,0,109000,48973,60027,3129,3129,3129,3129,63156,66506,25,18162,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,3129,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4211",0,0,45000,38000,7000,6799,6499,6799,6499,13499,13699,37,18696,3,17,0,1,0,1,1,0,0,0,0,0,0,1,2,4,0.1582553,6499,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4212",0,0,65000,0,65000,12100,11400,12100,11400,76400,76400,37,35226,6,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,11400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4213",10400,0,32000,0,32000,8100,8100,18500,18500,50500,81700,58,22443,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,18500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4214",0,0,60000,39000,21000,30,-2681,30,-2681,18319,22069,39,21459,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,-2681,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4215",0,0,100000,35000,65000,0,0,0,0,65000,70350,55,16710,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4216",0,0,0,0,0,1500,-3500,1500,-3500,-3500,0,31,35739,3,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-3500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4217",8800,0,98000,0,98000,23297,23297,32097,32097,130097,139597,59,46926,2,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,32097,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4218",0,0,0,0,0,25000,25000,25000,25000,25000,41000,30,49200,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,25000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4219",0,0,135000,36000,99000,1800,1500,1800,1500,100500,100500,31,22959,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4220",0,0,0,0,0,550,-17550,550,-17550,-17550,-9550,45,48000,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-17550,0,0,0,0,0,1,0,0,0,0,0,1,0 -"4221",0,0,0,0,0,0,0,0,0,0,4575,27,39000,4,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4222",0,0,28500,24000,4500,0,0,0,0,4500,16000,44,18600,5,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4223",0,0,0,0,0,17499,16699,17499,16699,16699,19032,26,29700,1,16,1,1,0,0,1,0,0,0,0,0,0,1,3,4,0.4366938,16699,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4224",0,0,0,0,0,0,0,0,0,0,0,27,2649,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4225",13800,0,131000,131000,0,30000,26000,43800,39800,39800,332800,49,77466,2,12,1,1,1,1,1,0,0,1,0,1,0,0,7,2,0.7316045,39800,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4226",0,0,60000,57000,3000,100,100,100,100,3100,6650,38,21978,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4227",0,0,70000,61000,9000,15050,11350,15050,11350,20350,20350,32,24807,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,11350,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4228",0,0,40000,22000,18000,1000,-3300,1000,-3300,14700,14700,58,27639,2,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4229",0,0,0,0,0,50,-3099,50,-3099,-3099,-1749,32,16758,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-3099,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4230",0,0,42000,15000,27000,1749,249,1749,249,27249,33249,52,22047,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,249,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4231",0,0,0,0,0,1400,1400,1400,1400,1400,6233,28,43230,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,1400,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4232",0,0,38000,15500,22500,0,-4000,0,-4000,18500,18500,39,11205,5,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4233",0,0,0,0,0,200,200,200,200,200,700,28,2970,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,200,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4234",6000,0,100000,80000,20000,4900,4400,10900,10400,30400,102900,52,44271,6,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,10400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4235",0,0,0,0,0,2000,1930,2000,1930,1930,9026,25,16032,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1930,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4236",0,0,0,0,0,2700,2700,2700,2700,2700,7942,34,21387,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,2700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4237",0,0,75000,68000,7000,3356,2056,3356,2056,9056,9056,40,32205,2,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,2056,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4238",0,0,65000,60000,5000,848,-4152,848,-4152,848,14848,35,24159,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4152,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4239",0,0,110000,0,110000,0,0,0,0,110000,112350,60,15723,1,7,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4240",0,0,240000,30000,210000,47998,47998,47998,47998,257998,283998,62,23100,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,47998,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4241",0,0,73000,40000,33000,2999,2999,2999,2999,35999,45899,39,28740,2,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,2999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4242",0,0,0,0,0,25500,24100,25500,24100,24100,35775,49,45600,2,15,1,0,0,0,1,0,0,0,0,0,1,0,5,3,0.5231876,24100,0,0,0,0,0,1,0,0,0,0,0,1,0 -"4243",0,0,0,0,0,0,-1000,0,-1000,-1000,-325,29,14580,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4244",0,0,70000,70000,0,0,0,0,0,0,750,36,24000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4245",0,0,0,0,0,0,0,0,0,0,15500,44,17214,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4246",3000,0,65000,12000,53000,108,-392,3108,2608,55608,55608,53,20406,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2608,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4247",0,0,0,0,0,15399,11599,15399,11599,11599,11599,37,38697,1,16,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,11599,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4248",0,0,75000,54900,20100,11500,7300,11500,7300,27400,55400,37,37920,3,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,7300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4249",0,0,65000,50500,14500,10999,10999,10999,10999,25499,25499,47,56976,3,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,10999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4250",0,0,60000,15000,45000,90349,90349,90349,90349,135349,141724,35,54960,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,90349,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4251",0,0,90000,60000,30000,570,-10430,570,-10430,19570,28313,27,47340,2,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,-10430,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4252",0,0,0,0,0,0,0,0,0,0,0,60,5520,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4253",0,0,47500,22000,25500,0,-38890,0,-38890,-13390,-7702,52,15909,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-38890,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4254",0,0,58000,0,58000,500,-500,500,-500,57500,57500,64,26424,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4255",0,0,90000,44560,45440,900,850,900,850,46290,47040,59,18564,4,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,850,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4256",0,0,68000,68000,0,12700,10700,12700,10700,10700,20700,42,40500,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4257",0,0,0,0,0,8,8,8,8,8,8,50,3684,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,8,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4258",0,0,63000,20000,43000,750,-750,750,-750,42250,47492,59,21366,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-750,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4259",0,0,80000,35000,45000,0,0,0,0,45000,46500,29,10200,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4260",0,0,0,0,0,649,-551,649,-551,-551,287,52,37320,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-551,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4261",0,0,250000,45000,205000,100,-3900,100,-3900,201100,206100,26,28320,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-3900,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4262",6000,0,45000,0,45000,14800,12300,20800,18300,63300,73500,54,45225,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,18300,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4263",0,0,0,0,0,992,892,992,892,892,2442,26,22338,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,892,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4264",3300,0,140000,22000,118000,5500,4500,8800,7800,125800,131800,56,32148,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,7800,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4265",2000,0,0,0,0,1500,-2500,3500,-500,-500,2233,32,30669,1,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.2906278,-500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4266",0,0,48500,20500,28000,249,-5851,249,-5851,22149,22149,36,15045,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-5851,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4267",0,0,65000,42000,23000,106,-1694,106,-1694,21306,27306,38,51432,3,14,1,0,0,0,1,0,0,0,0,0,1,0,6,3,0.7472324,-1694,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4268",0,0,67000,64000,3000,1628,-6072,1628,-6072,-3072,32928,30,39957,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-6072,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4269",31671,0,162000,100000,62000,105000,101000,136671,132671,194671,259267,52,38832,2,17,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,132671,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4270",0,0,26000,18200,7800,1130,-18880,1130,-18880,-11080,-11080,35,42930,3,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-18880,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4271",0,0,145000,52500,92500,5999,4629,5999,4629,97129,97129,28,48900,3,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4629,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4272",0,0,0,0,0,300,300,300,300,300,3650,42,35700,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4273",0,0,250000,150000,100000,1199,-11501,1199,-11501,88499,88499,46,33726,4,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-11501,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4274",0,0,65000,60000,5000,1149,-2551,1149,-2551,2449,2849,64,12069,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-2551,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4275",36000,0,25000,10000,15000,222999,214999,258999,250999,265999,465999,50,162597,4,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,250999,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4276",0,0,59000,55900,3100,1500,-8300,1500,-8300,-5200,-5200,36,26772,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-8300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4277",0,0,55000,18000,37000,8099,5399,8099,5399,42399,42399,48,30831,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,5399,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4278",56000,0,0,0,0,151800,151750,207800,207750,207750,207750,62,49788,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.3442089,207750,0,0,0,0,0,1,0,0,0,0,0,0,1 -"4279",1800,0,0,0,0,1600,-8400,3400,-6600,-6600,-3250,50,19965,1,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,-6600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4280",0,0,35000,32000,3000,999,499,999,499,3499,3499,32,43146,3,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,499,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4281",0,0,0,0,0,0,0,0,0,0,750,39,9600,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4282",0,0,52000,34000,18000,2300,2200,2300,2200,20200,25661,29,8379,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,2200,1,1,0,0,0,0,0,0,1,0,0,0,0 -"4283",6000,0,70000,40500,29500,0,-8400,6000,-2400,27100,27100,54,61692,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,-2400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4284",0,0,0,0,0,2391,-4609,2391,-4609,-4609,61391,36,72069,4,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-4609,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4285",0,0,0,0,0,5,-3345,5,-3345,-3345,5155,41,7797,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-3345,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4286",0,0,0,0,0,2,-3088,2,-3088,-3088,-3088,45,28944,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3088,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4287",0,0,0,0,0,600,600,600,600,600,600,60,3825,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,600,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4288",2000,0,150000,98000,52000,20100,20100,22100,22100,74100,77450,35,53010,2,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,22100,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4289",0,0,0,0,0,100,100,100,100,100,2650,31,10755,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4290",0,0,35000,30000,5000,1000,540,1000,540,5540,7540,27,24840,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,540,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4291",0,0,20000,9900,10100,15,-2085,15,-2085,8015,8015,40,9000,6,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.062312,-2085,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4292",0,0,125000,55500,69500,26200,26200,26200,26200,95700,95700,59,28284,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,26200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4293",0,0,0,0,0,799,799,799,799,799,9260,37,13185,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,799,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4294",0,0,39000,29900,9100,0,-5850,0,-5850,3250,11100,36,19170,4,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-5850,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4295",0,0,0,0,0,0,-1000,0,-1000,-1000,6500,31,18819,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4296",0,0,0,0,0,0,-11179,0,-11179,-11179,-11179,46,6900,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-11179,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4297",0,0,65000,0,65000,100,100,100,100,65100,65100,45,34731,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4298",0,0,0,0,0,400,-2350,400,-2350,-2350,-2350,36,14646,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2350,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4299",0,0,0,0,0,19750,19650,19750,19650,19650,19650,61,17253,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,19650,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4300",14000,0,300000,150000,150000,61000,60000,75000,74000,224000,464500,31,105567,1,16,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,74000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"4301",100,0,68500,25000,43500,1549,349,1649,449,43949,43949,43,27792,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,449,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4302",0,0,40000,23000,17000,10,-5390,10,-5390,11610,11610,43,58599,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5390,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4303",0,0,70000,38500,31500,3700,3700,3700,3700,35200,37200,29,42510,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3700,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4304",0,0,42000,28000,14000,98,-5475,98,-5475,8525,10525,60,25650,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-5475,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4305",0,0,0,0,0,160,-8840,160,-8840,-8840,-590,45,21150,2,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-8840,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4306",0,0,300000,150000,150000,0,0,0,0,150000,150000,37,9450,8,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4307",0,0,40000,32000,8000,2500,-5700,2500,-5700,2300,6133,41,6741,2,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,-5700,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4308",0,0,30000,0,30000,12000,7450,12000,7450,37450,37450,34,20199,4,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,7450,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4309",0,0,0,0,0,0,0,0,0,0,0,32,15834,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4310",0,0,100000,15200,84800,100,-700,100,-700,84100,169100,32,24000,3,15,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4311",0,0,9000,12000,-3000,500,-3500,500,-3500,-6500,-6700,43,14700,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-3500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4312",0,0,20000,0,20000,0,0,0,0,20000,21510,47,8694,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"4313",0,0,0,0,0,0,0,0,0,0,0,30,10932,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4314",5200,0,55000,29000,26000,5999,5999,11199,11199,37199,49199,37,43968,4,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,11199,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4315",0,0,3000,0,3000,41,-1195,41,-1195,1805,1805,30,19239,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1195,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4316",0,0,0,0,0,1230,-16270,1230,-16270,-16270,-15070,25,19131,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-16270,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4317",9000,0,100000,65000,35000,80200,72700,89200,81700,116700,179300,51,56883,2,13,0,0,0,0,1,0,0,1,0,0,1,0,6,3,0.4868788,81700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4318",4000,0,57000,48000,9000,200,200,4200,4200,13200,14000,28,48060,4,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,4200,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4319",0,0,140000,50000,90000,21299,13409,21299,13409,103409,103409,35,35283,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,13409,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4320",5100,0,0,0,0,19252,19252,24352,24352,24352,28877,25,43050,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,24352,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4321",0,0,40000,18000,22000,0,0,0,0,22000,25500,33,12837,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4322",0,0,58000,53000,5000,875,875,875,875,5875,7375,34,15300,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,875,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4323",3400,0,0,0,0,11373,1673,14773,5073,5073,25573,39,68712,4,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.3533661,5073,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4324",0,0,0,0,0,750,-612,750,-612,-612,19,28,15045,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-612,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4325",0,0,0,0,0,800,-7996,800,-7996,-7996,-7996,51,25200,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-7996,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4326",12500,0,130000,82663,47337,29049,29049,41549,41549,88886,104861,39,84111,1,18,1,0,1,0,1,0,0,1,0,0,0,1,7,4,0.7355057,41549,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4327",0,0,0,0,0,6899,-101,6899,-101,-101,3899,29,29424,2,18,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,-101,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4328",0,0,0,0,0,2000,-3200,2000,-3200,-3200,1300,31,51615,4,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-3200,0,0,0,0,0,0,1,0,0,1,0,0,0 -"4329",779,0,50000,50000,0,720,-80,1499,699,699,5568,35,22113,1,13,1,0,0,0,1,0,0,1,0,0,1,0,3,3,0.4720998,699,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4330",0,0,140000,38500,101500,0,0,0,0,101500,105943,48,23634,2,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4331",0,0,0,0,0,50,-1450,50,-1450,-1450,-1450,56,8160,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1450,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4332",0,0,0,0,0,25,25,25,25,25,25,56,24744,2,1,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,25,0,0,0,1,0,0,0,0,0,0,0,0,1 -"4333",0,0,0,0,0,100,-1100,100,-1100,-1100,4450,45,28524,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-1100,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4334",0,0,0,0,0,0,0,0,0,0,0,34,39900,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4335",27526,0,0,0,0,11909,11663,39435,39189,39189,44292,38,45336,1,17,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,39189,0,0,0,0,0,1,0,0,0,0,1,0,0 -"4336",0,0,90000,74000,16000,17000,15000,17000,15000,31000,39500,34,62436,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4337",11500,0,0,0,0,29999,29999,41499,41499,41499,41999,61,22893,1,18,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,41499,0,0,0,1,0,0,0,0,0,0,0,0,1 -"4338",0,0,0,0,0,3000,3000,3000,3000,3000,3000,38,18540,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4339",0,0,150000,0,150000,18999,15999,18999,15999,165999,165999,55,22740,7,4,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,15999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4340",0,0,0,0,0,10000,10000,10000,10000,10000,10000,35,46278,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,10000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4341",0,0,8000,0,8000,20000,16000,20000,16000,24000,28000,42,36600,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,16000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4342",5000,0,40000,0,40000,4600,4600,9600,9600,49600,77200,59,23445,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,9600,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4343",0,0,0,0,0,0,-1431,0,-1431,-1431,-431,25,26796,6,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1431,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4344",0,0,230000,50000,180000,225,-1030,225,-1030,178970,180170,46,17652,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1030,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4345",2500,0,0,0,0,0,0,2500,2500,2500,3000,32,13452,1,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.105793,2500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4346",22000,0,135000,97600,37400,32000,31500,54000,53500,90900,106953,32,69630,1,16,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,53500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4347",0,0,25000,12000,13000,50,50,50,50,13050,14800,30,18360,3,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4348",0,0,45000,36000,9000,1000,1000,1000,1000,10000,11800,41,46791,3,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4349",0,0,120000,51500,68500,1177,-9123,1177,-9123,59377,68377,43,47457,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-9123,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4350",0,0,42000,19000,23000,0,-11000,0,-11000,12000,30700,51,18264,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-11000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4351",2500,0,56000,36000,20000,11000,11000,13500,13500,33500,33500,37,25800,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,13500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4352",0,0,90000,62000,28000,1200,-13300,1200,-13300,14700,27700,38,62703,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-13300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4353",0,0,225000,50000,175000,18000,17700,18000,17700,192700,192700,41,61953,4,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,17700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4354",0,0,76000,30000,46000,11275,10690,11275,10690,56690,56690,48,43050,4,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,10690,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4355",0,0,0,0,0,24999,24999,24999,24999,24999,26499,28,33900,1,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,24999,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4356",0,0,75000,63950,11050,20000,20000,20000,20000,31050,38516,25,33360,7,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,20000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4357",0,0,300000,0,300000,47000,47000,47000,47000,347000,347000,56,91692,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,47000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4358",12500,0,225000,150000,75000,66300,65800,78800,78300,153300,203300,32,83652,4,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,78300,1,0,0,0,0,0,0,1,0,1,0,0,0 -"4359",22000,0,230000,150000,80000,192000,182000,214000,204000,284000,386000,35,54300,2,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,204000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4360",0,0,0,0,0,3800,-1400,3800,-1400,-1400,1100,31,32082,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4361",0,0,0,0,0,2100,-4900,2100,-4900,-4900,-4400,28,20460,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-4900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4362",0,0,80000,40000,40000,600,-100,600,-100,39900,54900,40,58320,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4363",0,0,0,0,0,150,-20850,150,-20850,-20850,-20850,31,7650,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-20850,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4364",0,0,0,0,0,150,-4050,150,-4050,-4050,2203,40,35475,3,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-4050,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4365",0,0,71900,60000,11900,7332,5756,7332,5756,17656,36656,53,70374,2,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,5756,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4366",0,0,0,0,0,8000,7000,8000,7000,7000,8000,25,24480,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,7000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4367",0,0,0,0,0,6658,5158,6658,5158,5158,24158,30,47046,3,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.3243191,5158,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4368",18698,0,130000,126000,4000,34560,34560,53258,53258,57258,69258,37,85926,3,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,53258,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4369",18000,0,200000,0,200000,7550,7550,25550,25550,225550,318150,60,3555,2,14,0,1,1,0,1,0,0,1,0,0,1,0,1,3,0.2088342,25550,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4370",0,0,0,0,0,800,-1900,800,-1900,-1900,-575,25,31956,1,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-1900,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4371",0,0,50000,0,50000,0,0,0,0,50000,58743,57,18630,1,4,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4372",0,0,0,0,0,0,0,0,0,0,0,33,9855,5,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4373",0,0,0,0,0,100,-1500,100,-1500,-1500,-1500,30,11256,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4374",0,0,110000,65000,45000,6500,6350,6500,6350,51350,53850,35,43050,2,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,6350,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4375",0,0,28000,23000,5000,0,-1800,0,-1800,3200,4000,47,6435,7,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,-1800,1,1,0,0,0,0,0,0,0,0,0,1,0 -"4376",0,0,42000,0,42000,16520,15970,16520,15970,57970,60470,37,7182,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.036628,15970,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4377",0,0,0,0,0,53,-1847,53,-1847,-1847,-1347,54,4917,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-1847,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4378",0,0,33750,33750,0,0,0,0,0,0,4000,55,22656,4,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4379",0,0,50000,0,50000,898,-1102,898,-1102,48898,48898,37,31200,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1102,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4380",0,0,110000,110000,0,4549,-10491,4549,-10491,-10491,-3491,36,36267,4,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-10491,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4381",5678,0,0,0,0,33000,33000,38678,38678,38678,46678,32,93954,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,38678,0,0,0,0,0,0,0,1,0,1,0,0,0 -"4382",0,0,75000,0,75000,0,-5300,0,-5300,69700,69700,54,40320,6,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-5300,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4383",0,0,0,0,0,44998,43198,44998,43198,43198,43198,47,84378,3,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.4572618,43198,0,0,0,0,0,0,0,1,0,0,0,1,0 -"4384",0,0,60000,54000,6000,200,200,200,200,6200,6200,44,34539,7,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4385",0,0,0,0,0,0,-450,0,-450,-450,-450,31,12816,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-450,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4386",9000,0,155000,0,155000,80000,78600,89000,87600,242600,248842,60,42288,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,87600,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4387",0,0,0,0,0,350,350,350,350,350,1350,35,17913,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,350,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4388",18000,0,115000,31000,84000,20400,20400,38400,38400,122400,147200,41,54210,3,16,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,38400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4389",0,0,140000,84077,55923,450,-22663,450,-22663,33260,139560,43,27489,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-22663,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4390",0,0,30000,27000,3000,2300,1650,2300,1650,4650,19650,34,21348,4,2,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,1650,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4391",0,0,120000,105000,15000,99,-1401,99,-1401,13599,13599,28,54456,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-1401,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4392",0,0,69000,61000,8000,174,-16826,174,-16826,-8826,-8826,34,15120,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-16826,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4393",0,0,43000,39500,3500,900,-2719,900,-2719,781,5581,27,25971,3,14,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.273178,-2719,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4394",0,0,158000,33400,124600,1000,1000,1000,1000,125600,126100,63,19764,6,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,1000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4395",0,0,0,0,0,6030,6030,6030,6030,6030,12905,33,16452,1,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,6030,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4396",0,0,25000,20000,5000,50,50,50,50,5050,5550,52,21240,3,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,50,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4397",0,0,0,0,0,1000,1000,1000,1000,1000,9453,32,9774,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,1000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4398",16000,0,60000,16800,43200,8400,3900,24400,19900,63100,65500,54,26760,3,14,0,1,1,0,1,0,0,1,0,0,1,0,3,3,0.2696004,19900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4399",0,0,120000,65000,55000,12000,12000,12000,12000,67000,267000,62,68076,5,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,12000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4400",2500,0,110000,62000,48000,3500,1500,6000,4000,52000,57000,43,45510,4,18,1,1,0,0,1,0,0,1,0,0,0,1,5,4,0.7196674,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4401",0,0,85000,80000,5000,1900,200,1900,200,5200,11200,33,37146,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4402",11000,0,20000,0,20000,6699,4199,17699,15199,35199,35199,44,18390,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,15199,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4403",0,0,90000,67000,23000,20,-11980,20,-11980,11020,15020,40,24000,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-11980,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4404",0,0,0,0,0,12530,11030,12530,11030,11030,14380,54,13872,2,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,11030,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4405",0,0,0,0,0,49,-5626,49,-5626,-5626,-5626,38,9303,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-5626,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4406",0,0,80000,75000,5000,1000,-9500,1000,-9500,-4500,-4500,32,28890,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,-9500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4407",0,0,0,0,0,14747,11347,14747,11347,11347,11947,48,141315,2,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,11347,0,0,0,0,0,0,0,1,0,0,0,1,0 -"4408",0,0,0,0,0,634,634,634,634,634,634,26,12660,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,634,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4409",1200,0,230000,150000,80000,9997,7697,11197,8897,88897,96897,36,44400,5,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,8897,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4410",0,0,0,0,0,0,0,0,0,0,0,26,6000,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4411",0,0,35000,0,35000,3000,2740,3000,2740,37740,40740,55,10296,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,2740,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4412",4500,0,75000,46200,28800,2000,-11500,6500,-7000,21800,28100,30,45150,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,-7000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4413",0,0,0,0,0,0,0,0,0,0,0,38,21600,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4414",0,0,180000,98000,82000,21000,15300,21000,15300,97300,105300,29,34620,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,15300,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4415",1770,0,65000,0,65000,4259,2259,6029,4029,69029,77029,47,27414,2,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,4029,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4416",0,0,0,0,0,1350,1350,1350,1350,1350,1350,38,55350,4,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1350,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4417",0,0,85000,0,85000,1450,-2550,1450,-2550,82450,82450,38,27930,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-2550,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4418",0,0,0,0,0,2260,-1140,2260,-1140,-1140,1635,26,32001,1,17,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-1140,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4419",5007,0,112900,35000,77900,34347,34347,39354,39354,117254,117254,61,70557,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,39354,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4420",0,0,0,0,0,6100,6100,6100,6100,6100,6100,60,21720,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,6100,0,0,0,1,0,0,0,0,0,0,0,0,1 -"4421",0,0,60000,20000,40000,955,-2745,955,-2745,37255,44255,35,36000,5,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-2745,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4422",0,0,82000,76300,5700,825,-2293,825,-2293,3407,14407,29,37053,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2293,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4423",0,0,180000,15600,164400,40000,37240,40000,37240,201640,201640,46,55074,6,13,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.6688337,37240,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4424",230,0,120000,74000,46000,5462,4862,5692,5092,51092,64517,29,36744,1,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,5092,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4425",0,0,45000,0,45000,5099,2099,5099,2099,47099,47099,49,14970,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2099,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4426",0,0,18000,18000,0,0,0,0,0,0,0,30,12360,3,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4427",0,0,55000,51900,3100,101,-3899,101,-3899,-799,15201,25,65262,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3899,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4428",0,0,0,0,0,650,-2850,650,-2850,-2850,316,27,30015,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-2850,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4429",0,0,25000,13500,11500,32705,22705,32705,22705,34205,34955,37,15246,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,22705,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4430",0,0,0,0,0,2400,2130,2400,2130,2130,2880,36,14340,1,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2130,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4431",18400,0,0,0,0,27000,24920,45400,43320,43320,43320,53,55266,3,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.3533661,43320,0,0,0,0,0,0,1,0,0,0,0,1,0 -"4432",0,0,0,0,0,0,0,0,0,0,0,47,48954,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,0,1,0 -"4433",0,0,135500,87500,48000,2090,440,2090,440,48440,52440,37,40647,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,440,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4434",0,0,0,0,0,500,-1170,500,-1170,-1170,7291,27,24564,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1170,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4435",0,0,0,0,0,0,0,0,0,0,0,43,17844,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4436",0,0,10000,0,10000,200,200,200,200,10200,10999,53,24000,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4437",0,0,40000,32000,8000,0,0,0,0,8000,10500,53,16830,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4438",17000,0,220000,112000,108000,1097,-403,18097,16597,124597,139597,51,85980,2,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,16597,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4439",18001,0,115000,47000,68000,77500,75500,95501,93501,161501,329901,48,79053,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,93501,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4440",0,0,50000,30000,20000,800,-2200,800,-2200,17800,21975,26,17880,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2200,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4441",0,0,100000,0,100000,0,-600,0,-600,99400,101900,35,21063,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-600,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4442",0,0,120000,69000,51000,10900,7900,10900,7900,58900,73900,34,56787,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,7900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4443",0,0,11000,11000,0,13099,13099,13099,13099,13099,13099,64,15696,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,13099,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4444",50000,0,150000,0,150000,22399,21399,72399,71399,221399,232574,59,46956,1,11,1,0,0,0,1,0,0,1,1,0,0,0,5,1,0.650903,71399,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4445",0,0,60000,15000,45000,11800,11800,11800,11800,56800,60400,63,26736,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,11800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4446",2200,0,45000,18000,27000,3300,2900,5500,5100,32100,40300,37,47850,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,5100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4447",0,0,180000,36000,144000,3000,2750,3000,2750,146750,146750,44,10446,5,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2750,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4448",0,0,0,0,0,0,0,0,0,0,5000,25,11220,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4449",0,0,0,0,0,0,-1690,0,-1690,-1690,-1690,41,20592,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1690,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4450",0,0,0,0,0,21399,21199,21399,21199,21199,32199,29,25803,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,21199,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4451",7500,0,300000,0,300000,50000,50000,57500,57500,357500,417500,64,85080,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,57500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4452",0,0,0,0,0,2800,2573,2800,2573,2573,20073,26,22830,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2573,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4453",0,0,54000,40900,13100,301,-7299,301,-7299,5801,6801,44,46113,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-7299,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4454",0,0,0,0,0,30,30,30,30,30,7030,26,39846,4,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,30,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4455",0,0,0,0,0,0,0,0,0,0,11000,47,29100,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4456",0,0,80000,33000,47000,1000,1000,1000,1000,48000,48000,29,19254,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,1000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4457",0,0,90000,70000,20000,4100,-5000,4100,-5000,15000,119000,58,51489,2,18,1,1,0,0,1,0,0,0,0,0,0,1,6,4,0.6688337,-5000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4458",0,0,120000,90000,30000,13749,13259,13749,13259,43259,150759,35,60897,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,13259,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4459",0,0,0,0,0,3399,3399,3399,3399,3399,6399,31,37509,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,3399,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4460",0,0,0,0,0,600,-400,600,-400,-400,8879,34,28050,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4461",0,0,95000,70000,25000,900,300,900,300,25300,25300,36,40050,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4462",0,0,20000,10000,10000,5,-3995,5,-3995,6005,6005,37,36564,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3995,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4463",0,0,130000,60000,70000,42150,28150,42150,28150,98150,106150,43,117342,5,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,28150,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4464",0,0,0,0,0,9199,7399,9199,7399,7399,12399,26,32844,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,7399,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4465",0,0,0,0,0,1400,1400,1400,1400,1400,1400,25,14850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4466",14000,0,220000,132000,88000,27000,25400,41000,39400,127400,159059,56,76500,3,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,39400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4467",30000,0,60000,0,60000,7099,6699,37099,36699,96699,99099,47,47178,5,14,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,36699,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4468",0,0,0,0,0,157,-8952,157,-8952,-8952,-7327,29,21405,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-8952,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4469",0,0,0,0,0,0,0,0,0,0,0,62,15387,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4470",0,0,48000,38500,9500,0,-900,0,-900,8600,9012,53,13029,5,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,-900,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4471",0,0,0,0,0,2500,-8500,2500,-8500,-8500,82000,28,33450,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-8500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4472",0,0,65000,0,65000,0,0,0,0,65000,130000,55,7644,2,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4473",0,0,65000,56000,9000,591,591,591,591,9591,23071,37,35889,4,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,591,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4474",0,0,26000,21500,4500,7709,6409,7709,6409,10909,16277,28,25464,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,6409,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4475",0,0,0,0,0,499,-3001,499,-3001,-3001,-2001,25,19230,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3001,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4476",2672,0,168000,90000,78000,0,0,2672,2672,80672,84071,43,94476,3,16,0,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4373496,2672,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4477",0,0,40000,30000,10000,3000,2840,3000,2840,12840,16840,53,13500,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,2840,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4478",0,0,20000,0,20000,45,-7955,45,-7955,12045,20045,34,33954,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-7955,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4479",400,0,110000,53000,57000,1000,1000,1400,1400,58400,64450,43,28005,3,16,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,1400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4480",1800,0,77500,51000,26500,7500,6460,9300,8260,34760,44760,47,37932,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,8260,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4481",0,0,0,0,0,0,0,0,0,0,0,48,6564,10,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4482",0,0,0,0,0,3899,3899,3899,3899,3899,3899,34,19713,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,3899,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4483",0,0,0,0,0,0,-300,0,-300,-300,-300,41,18090,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4484",0,0,87000,63500,23500,500,500,500,500,24000,24000,40,62745,7,11,1,1,1,1,1,0,0,0,1,0,0,0,6,1,0.6688337,500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4485",0,0,110000,0,110000,1200,1200,1200,1200,111200,121200,41,33600,5,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,1200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4486",1400,0,100000,95000,5000,18947,18347,20347,19747,24747,24747,36,1137,5,16,0,1,0,0,1,0,0,1,0,0,0,1,1,4,0.2088342,19747,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4487",0,0,0,0,0,229,-721,229,-721,-721,4179,27,21528,2,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-721,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4488",12000,0,165000,150000,15000,37749,35749,49749,47749,62749,62749,36,82656,4,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,47749,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4489",0,0,0,0,0,400,400,400,400,400,400,25,14400,5,17,0,1,1,0,1,0,0,0,0,0,0,1,2,4,0.1283302,400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4490",0,0,0,0,0,1105,-11495,1105,-11495,-11495,5505,32,43272,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,-11495,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4491",0,0,87500,84900,2600,669,-2881,669,-2881,-281,-281,29,25899,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-2881,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4492",0,0,3800,0,3800,5800,5800,5800,5800,9600,9600,51,15450,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,5800,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4493",0,0,0,0,0,2000,2000,2000,2000,2000,2000,44,43470,3,17,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,2000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"4494",0,0,65000,60000,5000,2000,200,2000,200,5200,17200,30,36450,5,13,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4495",0,0,5000,0,5000,24,24,24,24,5024,5074,50,7923,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,24,1,1,0,0,0,0,0,0,0,0,0,1,0 -"4496",0,0,187900,80000,107900,20200,15200,20200,15200,123100,123100,42,72105,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4497",0,0,140000,100000,40000,49999,49999,49999,49999,89999,275874,52,13818,1,16,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4041266,49999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4498",12600,0,300000,150000,150000,12800,8800,49400,45400,195400,195400,57,100620,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,21400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4499",0,0,20000,0,20000,0,0,0,0,20000,21000,60,7830,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4500",2000,0,0,0,0,10199,10199,12199,12199,12199,12199,27,25386,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2029813,12199,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4501",0,0,70000,0,70000,3599,2599,3599,2599,72599,86995,61,10728,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2599,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4502",0,0,79000,40000,39000,7000,3000,7000,3000,42000,49500,31,60810,4,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,3000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4503",0,0,0,0,0,0,0,0,0,0,0,29,840,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4504",3000,0,95000,95000,0,38000,31420,41000,34420,34420,34420,42,90000,5,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,34420,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4505",0,0,64000,32000,32000,85154,80154,85154,80154,112154,114154,63,30639,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,80154,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4506",0,0,0,0,0,500,-4000,500,-4000,-4000,-400,28,48120,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4000,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4507",2500,0,140000,38500,101500,10250,9250,12750,11750,113250,118250,50,76404,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,11750,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4508",8000,0,225000,0,225000,26999,26999,34999,34999,259999,259999,55,35169,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,34999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4509",0,0,58000,27000,31000,0,0,0,0,31000,31000,61,0,3,16,0,1,0,0,1,0,0,0,0,0,0,1,1,4,0.062312,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4510",0,0,90000,40000,50000,200,-1305,200,-1305,48695,56150,33,32010,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1305,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4511",0,0,0,0,0,23800,23200,23800,23200,23200,35605,33,27060,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,23200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4512",0,0,0,0,0,0,0,0,0,0,200,40,7461,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4513",0,0,0,0,0,5950,3550,5950,3550,3550,38850,52,20838,1,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,3550,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4514",0,0,35000,15000,20000,0,0,0,0,20000,20000,47,17850,6,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4515",0,0,0,0,0,0,0,0,0,0,0,30,4200,6,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4516",0,0,0,0,0,0,0,0,0,0,0,58,16500,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4517",11048,0,120000,23000,97000,73300,73200,84348,84248,181248,346398,62,92598,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,84248,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4518",0,0,0,0,0,500,-500,500,-500,-500,3975,46,35730,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4519",0,0,0,0,0,1400,-1400,1400,-1400,-1400,5933,52,28344,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-1400,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4520",0,0,65500,65500,0,0,-2500,0,-2500,-2500,-1000,28,24600,3,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-2500,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4521",0,0,0,0,0,25,-7075,25,-7075,-7075,-7075,36,8574,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-7075,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4522",0,0,110000,67500,42500,749,749,749,749,43249,43249,48,26055,7,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,749,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4523",18000,0,0,0,0,149,-851,18149,17149,17149,17149,54,50409,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,17149,0,0,0,0,0,0,1,0,0,0,0,1,0 -"4524",5000,0,0,0,0,5200,4750,10200,9750,9750,9750,43,22578,2,14,1,1,0,1,1,0,0,1,0,0,1,0,3,3,0.4172195,9750,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4525",0,0,0,0,0,400,-734,400,-734,-734,-734,42,17814,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-734,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4526",0,0,0,0,0,11300,9800,11300,9800,9800,11880,32,21837,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,9800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4527",0,0,90000,76000,14000,28000,23000,28000,23000,37000,55350,51,16800,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,23000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4528",0,0,0,0,0,5190,5190,5190,5190,5190,55190,42,43173,3,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,5190,0,0,0,0,0,1,0,0,0,0,1,0,0 -"4529",0,0,64000,48000,16000,0,0,0,0,16000,22000,30,10200,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4530",0,0,65000,25000,40000,18500,18300,18500,18300,58300,83300,62,29700,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,18300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4531",0,0,138000,131000,7000,700,-3000,700,-3000,4000,9580,34,49500,3,16,0,0,0,0,1,0,0,0,0,0,0,1,5,4,0.4200058,-3000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4532",0,0,0,0,0,525,225,525,225,225,225,35,38550,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,225,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4533",0,0,120000,56000,64000,660,281,660,281,64281,64281,45,57675,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,281,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4534",120,0,42500,32000,10500,5500,5310,5620,5430,15930,38205,55,20547,2,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,5430,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4535",0,0,0,0,0,0,-1246,0,-1246,-1246,-1246,42,14307,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1246,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4536",0,0,0,0,0,1800,-2200,1800,-2200,-2200,4800,34,43716,3,12,1,1,1,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-2200,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4537",1600,0,96000,89000,7000,1699,1699,3299,3299,10299,24221,33,47823,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,3299,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4538",0,0,0,0,0,120,-3230,120,-3230,-3230,1103,29,39000,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-3230,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4539",0,0,65000,56000,9000,263,-437,263,-437,8563,16915,28,22623,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,-437,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4540",22000,0,85000,45000,40000,13100,13000,35100,35000,75000,100000,53,17244,3,15,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,35000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4541",0,0,53000,53000,0,500,-1600,500,-1600,-1600,-1600,36,36000,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4542",0,0,0,0,0,1525,1444,1525,1444,1444,10444,31,27162,2,13,0,1,1,1,1,0,0,0,0,0,1,0,3,3,0.2092901,1444,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4543",0,0,6000,500,5500,1600,-2282,1600,-2282,3218,3218,58,10611,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-2282,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4544",0,0,40000,0,40000,0,0,0,0,40000,40000,26,4320,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"4545",6000,0,160000,35000,125000,6350,4150,12350,10150,135150,395150,45,49551,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,10150,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4546",0,0,0,0,0,599,-6401,599,-6401,-6401,-5226,44,25188,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-6401,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4547",0,0,35000,0,35000,280,-2948,280,-2948,32052,34564,32,20712,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-2948,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4548",0,0,50000,0,50000,499,499,499,499,50499,51499,47,15330,2,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,499,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4549",18000,0,150000,25000,125000,139350,139350,157350,157350,282350,282350,46,73620,3,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,157350,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4550",32000,0,265000,150000,115000,61300,61300,93300,93300,208300,208300,45,105300,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,93300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4551",0,0,86000,55000,31000,270,-1630,270,-1630,29370,40370,42,44526,6,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-1630,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4552",0,0,0,0,0,100,100,100,100,100,450,33,19200,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4553",0,0,20000,0,20000,15759,12759,15759,12759,32759,36109,60,13788,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,12759,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4554",0,0,90000,40000,50000,700,400,700,400,50400,52850,48,33921,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,400,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4555",0,0,100000,30000,70000,1800,300,1800,300,70300,75100,34,26490,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4556",0,0,90000,57000,33000,47000,42935,47000,42935,75935,75935,42,36093,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,42935,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4557",0,0,75000,65000,10000,20,-980,20,-980,9020,14132,39,22800,3,15,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-980,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4558",7000,0,150000,60000,90000,1600,1400,8600,8400,98400,98400,38,78396,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,8400,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4559",0,0,62000,46350,15650,100,-2400,100,-2400,13250,18350,39,30750,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4560",0,0,80000,23000,57000,0,-3000,0,-3000,54000,55500,53,9705,6,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-3000,1,1,0,0,0,0,0,0,0,0,0,1,0 -"4561",0,0,0,0,0,0,0,0,0,0,0,27,10497,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4562",0,0,0,0,0,0,0,0,0,0,0,51,12750,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4563",0,0,0,0,0,0,-1300,0,-1300,-1300,-1300,26,12240,6,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4564",0,0,40000,35000,5000,827,727,827,727,5727,7133,47,15540,2,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,727,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4565",0,0,0,0,0,0,0,0,0,0,0,29,1530,1,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4566",0,0,58000,0,58000,2499,-633,2499,-633,57367,60067,56,17724,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-633,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4567",0,0,100000,39000,61000,4999,999,4999,999,61999,61999,31,55200,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,999,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4568",0,0,0,0,0,0,0,0,0,0,0,45,17403,8,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4569",0,0,40000,0,40000,30750,27600,30750,27600,67600,68850,63,12804,5,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,27600,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4570",0,0,0,0,0,1999,1999,1999,1999,1999,16552,29,15420,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1999,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4571",0,0,0,0,0,250,-4950,250,-4950,-4950,-1600,45,30246,3,14,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6600804,-4950,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4572",0,0,160000,72000,88000,300,-9700,300,-9700,78300,78900,54,53961,4,12,0,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4573",1000,0,71000,9000,62000,200,200,1200,1200,63200,69200,62,16620,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,1200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4574",0,0,80000,0,80000,92700,85300,92700,85300,165300,195300,45,41352,4,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,85300,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4575",8000,0,285000,0,285000,14349,14349,22349,22349,307349,307599,60,42396,3,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,22349,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4576",0,0,0,0,0,1000,-1160,1000,-1160,-1160,1720,31,24300,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-1160,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4577",0,0,60000,0,60000,3200,2900,3200,2900,62900,72900,39,50064,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,2900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4578",0,0,190000,9000,181000,1707,1207,1707,1207,182207,192207,56,28797,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1207,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4579",10399,0,47500,44000,3500,198898,198443,209297,208842,212342,552342,37,32628,3,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,208842,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4580",3500,0,30000,20500,9500,700,700,4200,4200,13700,13900,54,37980,8,6,1,1,0,1,1,0,0,1,1,0,0,0,4,1,0.5449064,4200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4581",0,0,0,0,0,500,-10030,500,-10030,-10030,-9280,32,22140,3,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.4366938,-10030,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4582",0,0,0,0,0,0,-500,0,-500,-500,-500,55,18468,1,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-500,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4583",0,0,42000,51600,-9600,1050,-6127,1050,-6127,-15727,-14265,41,35478,2,7,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,-6127,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4584",0,0,0,0,0,0,0,0,0,0,500,40,8394,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4585",2500,0,25000,17000,8000,9200,5900,11700,8400,16400,22900,29,39321,2,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,8400,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4586",0,0,0,0,0,0,0,0,0,0,0,52,10599,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4587",0,0,0,0,0,0,-200,0,-200,-200,-200,35,12960,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4588",0,0,0,0,0,0,0,0,0,0,0,40,12150,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4589",0,0,65000,40000,25000,0,-1400,0,-1400,23600,23600,37,24231,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4590",0,0,40000,35000,5000,100,100,100,100,5100,10025,39,5265,1,14,1,0,1,0,1,0,0,0,0,0,1,0,1,3,0.3536102,100,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4591",0,0,300000,150000,150000,5570,4570,5570,4570,154570,171370,45,86403,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,4570,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4592",0,0,103000,94000,9000,872,-4340,872,-4340,4660,4660,29,24936,4,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-4340,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4593",0,0,65000,62500,2500,22049,20399,22049,20399,22899,29399,31,38196,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,20399,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4594",0,0,0,0,0,4000,4000,4000,4000,4000,5000,31,23529,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4595",0,0,58000,0,58000,20198,19698,20198,19698,77698,153048,56,40530,2,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,19698,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4596",0,0,0,0,0,900,-1100,900,-1100,-1100,2125,28,19254,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4597",18000,0,250000,150000,100000,6000,-1500,24000,16500,116500,134500,33,108300,4,16,0,1,1,1,1,0,0,1,0,0,0,1,7,4,0.5801663,16500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"4598",0,0,30000,0,30000,800,-700,800,-700,29300,32650,47,5106,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-700,1,1,0,0,0,0,0,0,0,0,0,1,0 -"4599",0,0,0,0,0,500,500,500,500,500,1000,37,29430,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4600",0,0,100000,75000,25000,525,-3175,525,-3175,21825,21825,43,56133,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3175,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4601",0,0,75000,0,75000,400,-4600,400,-4600,70400,70400,47,13350,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-4600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4602",2400,0,92000,85500,6500,12400,11400,14800,13800,20300,78300,32,54411,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,13800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4603",0,0,48000,12000,36000,50,50,50,50,36050,36050,63,12810,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,50,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4604",0,0,57000,0,57000,2349,2349,2349,2349,59349,62699,46,59631,2,13,0,0,1,0,1,0,0,0,0,0,1,0,6,3,0.4938007,2349,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4605",0,0,0,0,0,999,999,999,999,999,1499,41,3180,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,999,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4606",0,0,300000,150000,150000,21000,20700,21000,20700,170700,372700,38,33576,4,10,0,1,1,0,1,0,0,0,1,0,0,0,4,1,0.3719455,20700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4607",0,0,180000,137000,43000,2250,2078,2250,2078,45078,45078,42,40245,6,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2078,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4608",11000,0,33000,21000,12000,7000,7000,18000,18000,30000,35850,52,21435,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.4720998,18000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4609",0,0,0,0,0,1199,-3752,1199,-3752,-3752,-3552,34,22044,6,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.4366938,-3752,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4610",0,0,48000,48000,0,0,-8000,0,-8000,-8000,-4800,40,37368,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-8000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4611",80000,0,185000,25000,160000,35250,35190,115250,115190,275190,280190,62,57345,2,15,0,1,1,1,1,0,0,1,0,0,1,0,6,3,0.5336504,115190,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4612",0,0,20000,6000,14000,0,-2731,0,-2731,11269,17269,37,20004,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2731,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4613",2200,0,210000,108000,102000,1400,400,3600,2600,104600,104600,53,58155,1,12,0,0,1,0,1,0,0,1,0,1,0,0,6,2,0.4868788,2600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4614",0,0,80000,80000,0,2000,-440,2000,-440,-440,22260,44,41556,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-440,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4615",14000,0,80000,3000,77000,20000,20000,34000,34000,111000,114350,54,17400,1,16,1,0,1,0,1,0,0,1,0,0,0,1,2,4,0.3108636,34000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4616",52000,0,110000,22000,88000,30800,30460,82800,82460,170460,170460,43,46176,3,15,0,1,1,1,1,0,0,1,0,0,1,0,5,3,0.4624346,82460,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4617",4325,0,300000,150000,150000,102000,-134415,106325,-130090,19910,2029910,59,126576,3,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,-130090,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4618",0,0,0,0,0,0,0,0,0,0,0,33,5775,1,6,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4619",0,0,0,0,0,240,-14160,240,-14160,-14160,24439,31,16560,2,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-14160,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4620",0,0,0,0,0,500,-1500,500,-1500,-1500,-1500,34,40800,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-1500,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4621",0,0,0,0,0,0,-720,0,-720,-720,3280,33,6090,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-720,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4622",0,0,0,0,0,6240,6240,6240,6240,6240,6240,28,12747,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6240,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4623",0,0,120000,70000,50000,12200,8700,12200,8700,58700,61400,36,60702,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,8700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4624",0,0,300000,150000,150000,33199,33199,33199,33199,183199,383199,52,75126,2,13,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,33199,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4625",0,0,129000,0,129000,1199,-1915,1199,-1915,127085,134085,60,25134,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1915,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4626",26000,0,75000,0,75000,82000,82000,108000,108000,183000,183000,56,14970,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,108000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4627",0,0,72000,60000,12000,20017,17517,20017,17517,29517,30642,42,49509,3,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,17517,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4628",0,0,98000,95000,3000,0,0,0,0,3000,3000,53,30000,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4629",0,0,30000,20000,10000,0,0,0,0,10000,10000,61,19176,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4630",7000,0,150000,47000,103000,3000,3000,10000,10000,113000,113000,58,43020,4,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,10000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4631",0,0,0,0,0,0,0,0,0,0,0,33,17760,11,6,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4632",0,0,0,0,0,0,0,0,0,0,500,46,6000,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4633",0,0,60000,54000,6000,499,-12001,499,-12001,-6001,7499,25,50649,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-12001,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4634",0,0,40000,32000,8000,200,125,200,125,8125,9125,43,13896,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,125,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4635",0,0,10000,0,10000,0,0,0,0,10000,11725,60,7452,4,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4636",0,0,0,0,0,50,50,50,50,50,50,29,15660,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,50,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4637",0,0,20000,0,20000,7499,7499,7499,7499,27499,102592,55,-2652,4,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,7499,1,0,0,0,0,0,0,0,0,0,0,0,1 -"4638",0,0,145000,0,145000,201500,201500,201500,201500,346500,346500,61,45135,3,12,1,1,0,0,1,0,0,0,0,1,0,0,5,2,0.6077043,201500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4639",15000,0,70000,39000,31000,4699,3449,19699,18449,49449,49449,31,37398,3,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,18449,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4640",5000,0,100000,0,100000,500,300,5500,5300,105300,107633,42,33075,3,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,5300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4641",0,0,0,0,0,0,0,0,0,0,2300,43,2166,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4642",0,0,185000,30000,155000,70010,70010,70010,70010,225010,225010,61,121722,2,16,0,1,0,0,1,0,0,0,0,0,0,1,7,4,0.5679367,70010,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4643",0,0,70000,15200,54800,4645,2295,4645,2295,57095,63595,54,20226,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2295,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4644",0,0,0,0,0,0,-700,0,-700,-700,1800,51,20691,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4645",0,0,14000,8400,5600,300,-700,300,-700,4900,6025,42,26190,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4646",11650,0,200000,16700,183300,4050,50,15700,11700,195000,195500,38,77124,1,17,0,0,1,0,1,0,0,1,0,0,0,1,7,4,0.4373496,11700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4647",0,0,0,0,0,70,70,70,70,70,2570,26,20418,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,70,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4648",0,0,50000,50000,0,0,0,0,0,0,0,27,26400,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4649",0,0,0,0,0,26,26,26,26,26,11426,42,7497,4,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,26,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4650",0,0,6000,14000,-8000,449,-51,449,-51,-8051,-5850,51,24063,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-51,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4651",0,0,0,0,0,371,371,371,371,371,371,43,20697,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,371,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4652",0,0,65000,5000,60000,8499,8499,8499,8499,68499,78499,48,40410,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,8499,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4653",12000,0,94500,94500,0,13000,11310,25000,23310,23310,26310,30,74217,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,23310,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4654",0,0,100000,63000,37000,1100,-17039,1100,-17039,19961,33961,39,41298,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-17039,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4655",50000,0,38000,300,37700,7303,4303,57303,54303,92003,102003,60,41118,1,15,0,0,1,0,1,0,0,1,0,0,1,0,5,3,0.4414764,54303,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4656",0,0,60000,38000,22000,58388,56388,58388,56388,78388,84388,48,14400,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,56388,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4657",19800,0,0,0,0,20650,20650,40450,40450,40450,340950,31,33948,1,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6739899,40450,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4658",0,0,100000,49000,51000,4200,3600,4200,3600,54600,66950,58,18825,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,3600,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4659",0,0,0,0,0,450,450,450,450,450,450,54,14310,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,450,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4660",0,0,0,0,0,0,0,0,0,0,7000,28,16320,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4661",0,0,0,0,0,100,100,100,100,100,3700,27,10050,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4662",17500,0,60000,0,60000,82499,82399,99999,99899,159899,159899,56,53847,2,12,0,1,1,0,1,0,0,1,0,1,0,0,6,2,0.5336504,99899,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4663",0,0,44000,29500,14500,885,-39915,885,-39915,-25415,-23415,44,34686,5,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-39915,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4664",0,0,0,0,0,2100,-7970,2100,-7970,-7970,-7970,33,47001,2,16,1,1,1,1,1,0,0,0,0,0,0,1,5,4,0.5995759,-7970,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4665",0,0,49900,36500,13400,5100,2600,5100,2600,16000,16000,30,40800,2,11,0,1,1,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2600,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4666",29000,0,120000,0,120000,16100,16060,45100,45060,165060,165060,54,90234,2,14,0,1,1,1,1,0,0,1,0,0,1,0,7,3,0.5801663,45060,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4667",0,0,0,0,0,800,-2200,800,-2200,-2200,1000,30,14787,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4668",0,0,0,0,0,0,-86500,0,-86500,-86500,-66500,57,47193,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,-86500,0,0,0,0,0,1,0,0,0,0,0,0,1 -"4669",13000,0,58000,13000,45000,22799,22699,35799,35699,80699,92442,55,21390,2,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,35699,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4670",0,0,0,0,0,4000,3600,4000,3600,3600,5100,64,12492,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3600,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4671",0,0,200000,15000,185000,200,-5150,200,-5150,179850,186350,48,41190,3,18,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,-5150,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4672",0,0,0,0,0,800,450,800,450,450,13450,57,49290,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,450,0,0,0,0,0,1,0,0,0,0,0,0,1 -"4673",0,0,0,0,0,100,-6500,100,-6500,-6500,-4128,26,14010,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-6500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4674",0,0,0,0,0,749,749,749,749,749,1402,42,20469,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,749,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4675",14000,0,180000,122000,58000,1303947,1303947,1317947,1317947,1375947,1375947,40,113199,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,1317947,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4676",0,0,0,0,0,0,0,0,0,0,950,33,19890,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4677",0,0,60000,53000,7000,0,-1000,0,-1000,6000,6500,45,13260,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4678",0,0,0,0,0,10,10,10,10,10,2510,55,15186,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,10,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4679",0,0,0,0,0,0,0,0,0,0,2280,34,11964,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4680",0,0,50000,0,50000,0,-200,0,-200,49800,54800,50,33243,2,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4681",0,0,55000,23500,31500,0,-200,0,-200,31300,41053,39,19263,3,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4682",0,0,0,0,0,0,0,0,0,0,0,30,16116,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4683",0,0,67000,67000,0,3000,-12400,3000,-12400,-12400,-1400,37,33000,2,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,-12400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4684",4000,0,0,0,0,4249,4249,8249,8249,8249,8249,37,52995,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.3533661,8249,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4685",0,0,6000,800,5200,1200,1200,1200,1200,6400,7350,31,12240,1,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1200,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4686",0,0,0,0,0,10,-2990,10,-2990,-2990,3185,31,16608,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2990,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4687",0,0,0,0,0,600,-1700,600,-1700,-1700,5300,37,32964,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-1700,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4688",0,0,0,0,0,0,0,0,0,0,0,37,9828,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4689",0,0,0,0,0,0,0,0,0,0,0,32,6240,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4690",0,0,0,0,0,549,-2451,549,-2451,-2451,-310,55,9738,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-2451,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4691",0,0,0,0,0,0,0,0,0,0,2000,49,14100,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4692",10000,0,200000,150000,50000,101400,101200,111400,111200,161200,161200,47,60960,2,11,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,111200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4693",0,0,68000,56000,12000,700,-800,700,-800,11200,19200,27,28965,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-800,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4694",72000,0,200000,150000,50000,33000,33000,105000,105000,155000,155000,36,85437,5,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,105000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4695",1000,0,0,0,0,6200,6200,7200,7200,7200,7200,28,36075,2,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,7200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4696",0,0,0,0,0,705,-1995,705,-1995,-1995,-1995,31,22560,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1995,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4697",0,0,265000,0,265000,300,300,300,300,265300,265800,61,12885,2,8,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,300,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4698",0,0,107000,90000,17000,2600,1200,2600,1200,18200,39200,29,41436,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,1200,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4699",0,0,23000,23000,0,0,-400,0,-400,-400,-400,47,13635,7,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-400,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4700",0,0,0,0,0,250,-8750,250,-8750,-8750,-4825,34,28032,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-8750,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4701",0,0,200000,0,200000,871873,866860,871873,866860,1066860,1074139,63,25164,2,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,866860,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4702",0,0,0,0,0,1825,955,1825,955,955,7971,29,23370,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,955,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4703",0,0,0,0,0,0,0,0,0,0,3350,48,10581,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4704",0,0,45000,43500,1500,1400,1400,1400,1400,2900,92900,45,43197,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4705",0,0,161000,150000,11000,3805,-2195,3805,-2195,8805,11805,31,69936,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-2195,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4706",0,0,120000,34900,85100,32900,32900,32900,32900,118000,125420,40,54204,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,32900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4707",5400,0,0,0,0,1100,-1600,6500,3800,3800,13800,41,46815,3,12,0,1,1,1,1,0,0,1,0,1,0,0,5,2,0.3442089,3800,0,0,0,0,0,1,0,0,0,0,1,0,0 -"4708",0,0,0,0,0,22000,20000,22000,20000,20000,26425,32,28980,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,20000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4709",2600,0,198000,47500,150500,224098,223448,226698,226048,376548,1009673,51,63225,3,16,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,226048,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4710",1150,0,0,0,0,19100,17600,20250,18750,18750,18750,52,29865,2,12,0,1,1,0,1,0,0,1,0,1,0,0,3,2,0.2061994,18750,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4711",13000,0,22000,0,22000,5671,2671,18671,15671,37671,37671,44,60201,3,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,15671,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4712",0,0,0,0,0,50,-1350,50,-1350,-1350,10650,46,17865,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-1350,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4713",0,0,31000,9500,21500,75,-75,75,-75,21425,21925,55,27972,1,10,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-75,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4714",0,0,0,0,0,15000,15000,15000,15000,15000,15500,45,11712,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,15000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4715",0,0,0,0,0,1200,1200,1200,1200,1200,1400,29,15372,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4716",30000,0,65000,0,65000,12000,11900,42000,41900,106900,109575,61,22320,1,8,0,0,0,0,1,0,0,1,1,0,0,0,3,1,0.2658667,41900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4717",4000,0,85000,30000,55000,4500,4350,8500,8350,63350,63350,46,43590,5,17,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,8350,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4718",0,0,0,0,0,0,0,0,0,0,0,27,12369,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4719",0,0,0,0,0,0,0,0,0,0,1000,38,19800,6,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4720",0,0,150000,35000,115000,4,-996,4,-996,114004,128004,29,49725,4,15,0,1,1,0,1,0,0,0,0,0,1,0,5,3,0.4407951,-996,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4721",0,0,0,0,0,1300,1100,1300,1100,1100,5695,25,33270,4,17,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,1100,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4722",0,0,46776,35610,11166,7,7,7,7,11173,11173,51,33474,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,7,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4723",0,0,0,0,0,267,-19733,267,-19733,-19733,-19318,32,27261,8,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-19733,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4724",0,0,0,0,0,0,-1240,0,-1240,-1240,-740,36,7197,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1240,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4725",0,0,0,0,0,660,160,660,160,160,160,38,26520,4,16,1,1,0,1,1,0,0,0,0,0,0,1,3,4,0.4366938,160,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4726",0,0,0,0,0,355,176,355,176,176,176,35,9702,2,13,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,176,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4727",0,0,0,0,0,325,-375,325,-375,-375,-375,37,14679,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-375,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4728",0,0,0,0,0,6,-3094,6,-3094,-3094,-2061,27,17010,4,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3094,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4729",0,0,40000,0,40000,0,-14000,0,-14000,26000,26000,29,16020,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-14000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4730",0,0,60000,0,60000,1813,1513,1813,1513,61513,75413,57,42375,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,1513,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4731",0,0,103000,94900,8100,6060,710,6060,710,8810,8810,26,37641,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,710,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4732",0,0,0,0,0,0,0,0,0,0,350,32,18861,5,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4733",2400,0,105000,90000,15000,1999,1199,4399,3599,18599,18599,36,30720,3,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,3599,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4734",0,0,75000,57000,18000,3900,-6700,3900,-6700,11300,25645,32,54000,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-6700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4735",0,0,0,0,0,420,-580,420,-580,-580,3753,36,15615,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-580,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4736",0,0,54000,54000,0,75,-2425,75,-2425,-2425,-2425,36,31752,5,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2425,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4737",0,0,125000,104200,20800,4200,1500,4200,1500,22300,22300,28,83016,3,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,1500,1,0,0,0,0,0,0,1,1,0,0,0,0 -"4738",0,0,110000,80000,30000,850,-9650,850,-9650,20350,20350,29,37323,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,-9650,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4739",0,0,0,0,0,250,-1050,250,-1050,-1050,-1050,28,46332,4,9,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.3243191,-1050,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4740",2143,0,15000,9000,6000,661,661,2804,2804,8804,12154,42,19413,3,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,2804,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4741",0,0,13000,0,13000,58,-142,58,-142,12858,12858,53,11523,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-142,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4742",0,0,81000,55120,25880,2135,1384,2135,1384,27264,35564,30,46398,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,1384,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4743",0,0,0,0,0,1575,-10525,1575,-10525,-10525,1475,30,35058,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-10525,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4744",23230,0,300000,150000,150000,68899,68899,92129,92129,242129,242129,47,95433,5,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,92129,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4745",1100,0,45000,38000,7000,1500,-2600,2600,-1500,5500,12700,28,44232,3,15,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,-1500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4746",0,0,65000,55000,10000,750,-3250,750,-3250,6750,6750,29,30750,2,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3250,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4747",700,0,36500,36000,500,3499,3499,4199,4199,4699,6499,29,31350,2,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,4199,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4748",40000,0,275000,80000,195000,129199,129199,169199,169199,364199,376699,59,30000,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,169199,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4749",0,0,112000,67000,45000,3947,3947,3947,3947,48947,48997,47,32544,3,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,3947,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4750",0,0,80000,0,80000,7499,7499,7499,7499,87499,95374,54,19170,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,7499,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4751",0,0,120000,75000,45000,3800,3718,3800,3718,48718,49143,31,27900,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,3718,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4752",6000,0,79000,13000,66000,24722,24523,30722,30523,96523,132523,63,36429,2,11,1,1,0,0,1,0,0,1,1,0,0,0,4,1,0.5449064,30523,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4753",0,0,0,0,0,0,0,0,0,0,750,39,19125,4,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4754",0,0,70000,65500,4500,1130,-312,1130,-312,4188,4188,34,24678,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-312,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4755",33000,0,50000,18000,32000,898000,898000,931000,931000,963000,967800,63,42876,1,17,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,931000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"4756",0,0,0,0,0,0,0,0,0,0,0,40,10200,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4757",0,0,0,0,0,189,-4811,189,-4811,-4811,-4811,43,23463,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4811,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4758",0,0,40000,33900,6100,1500,-600,1500,-600,5500,5500,46,21609,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2694195,-600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4759",0,0,0,0,0,0,0,0,0,0,0,30,15300,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4760",2000,0,0,0,0,50,-1950,2050,50,50,550,30,16800,2,16,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,50,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4761",0,0,300000,21500,278500,1996,-5004,1996,-5004,273496,278496,49,36933,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-5004,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4762",0,0,30000,5000,25000,0,0,0,0,25000,27000,39,13212,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4763",7500,0,90000,35000,55000,12200,8700,19700,16200,71200,77250,52,30099,2,14,1,0,0,0,1,0,0,1,0,0,1,0,4,3,0.6174901,16200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4764",0,0,115000,0,115000,99,-2901,99,-2901,112099,112099,46,31857,3,18,1,1,0,1,1,0,0,0,0,0,0,1,4,4,0.5297047,-2901,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4765",0,0,45000,12500,32500,4449,4399,4449,4399,36899,96899,55,33657,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,4399,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4766",0,0,0,0,0,0,0,0,0,0,14096,36,6600,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4767",0,0,0,0,0,18000,18000,18000,18000,18000,18000,39,63135,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,18000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4768",0,0,2950,0,2950,299,299,299,299,3249,3749,52,20718,1,9,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2694195,299,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4769",0,0,0,0,0,15645,9145,15645,9145,9145,24045,35,52641,4,18,1,1,1,0,1,0,0,0,0,0,0,1,6,4,0.5000061,9145,0,0,0,0,0,0,1,0,0,1,0,0,0 -"4770",1400,0,17000,0,17000,15,-485,1415,915,17915,21196,45,25527,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,915,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4771",0,0,0,0,0,0,0,0,0,0,0,40,8850,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4772",0,0,0,0,0,2700,-3200,2700,-3200,-3200,3900,26,52386,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-3200,0,0,0,0,0,0,1,0,1,0,0,0,0 -"4773",0,0,0,0,0,800,-400,800,-400,-400,1900,34,52815,1,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.3169526,-400,0,0,0,0,0,0,1,0,0,1,0,0,0 -"4774",0,0,100000,60000,40000,500,-5800,500,-5800,34200,35533,36,36699,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-5800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4775",50000,0,220000,150000,70000,30000,30000,80000,80000,150000,231000,52,92904,1,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,80000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4776",0,0,57000,51900,5100,25120,25120,25120,25120,30220,39420,49,25185,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,25120,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4777",0,0,35000,0,35000,11137,11137,11137,11137,46137,46637,62,17403,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,11137,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4778",0,0,0,0,0,0,0,0,0,0,0,34,20400,3,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4779",0,0,62000,56000,6000,2299,-15321,2299,-15321,-9321,-4121,42,42819,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-15321,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4780",0,0,0,0,0,800,-1200,800,-1200,-1200,-1200,52,17040,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-1200,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4781",16000,0,79000,65000,14000,214097,214097,230097,230097,244097,448097,48,71928,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,230097,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4782",0,0,0,0,0,4999,-25037,4999,-25037,-25037,-22921,29,12006,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-25037,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4783",3800,0,150000,60000,90000,3499,3499,7299,7299,97299,97299,31,43005,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,7299,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4784",0,0,10000,10000,0,200,-494,200,-494,-494,3506,51,29235,2,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.3978536,-494,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4785",0,0,0,0,0,100,-10400,100,-10400,-10400,1600,32,47688,3,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-10400,0,0,0,0,0,1,0,0,0,1,0,0,0 -"4786",0,0,65900,0,65900,666,-234,666,-234,65666,67416,28,18798,1,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3623197,-234,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4787",0,0,0,0,0,0,0,0,0,0,500,32,8553,3,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4788",2000,0,175000,35000,140000,19699,19199,21699,21199,161199,161199,58,17070,4,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,21199,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4789",0,0,160000,62000,98000,100,100,100,100,98100,98100,50,35496,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4790",0,0,58000,17000,41000,9000,8300,9000,8300,49300,109300,61,37911,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,8300,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4791",0,0,45000,0,45000,950,950,950,950,45950,58950,27,38670,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,950,1,0,0,0,1,0,0,0,1,0,0,0,0 -"4792",0,0,0,0,0,3944,2444,3944,2444,2444,8369,28,22404,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,2444,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4793",0,0,0,0,0,3000,3000,3000,3000,3000,27000,43,32850,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,3000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4794",0,0,45000,18500,26500,2799,-5701,2799,-5701,20799,30199,49,16950,3,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-5701,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4795",0,0,0,0,0,0,0,0,0,0,500,25,19248,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4796",0,0,210000,150000,60000,5020,4420,5020,4420,64420,67120,41,104400,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,4420,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4797",0,0,225000,150000,75000,775,-4225,775,-4225,70775,72518,39,37890,1,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-4225,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4798",33300,0,125000,78000,47000,2048,-5243,35348,28057,75057,75057,39,36522,2,14,0,1,1,1,1,0,0,1,0,0,1,0,4,3,0.3524857,28057,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4799",19701,0,55000,17300,37700,18676,18476,38377,38177,75877,122642,60,39393,2,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,38177,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4800",0,0,0,0,0,257,257,257,257,257,1007,33,11997,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,257,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4801",0,0,0,0,0,0,0,0,0,0,0,35,21735,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4802",0,0,0,0,0,0,-2500,0,-2500,-2500,-2500,36,34986,6,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-2500,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4803",0,0,8000,3700,4300,0,-230,0,-230,4070,4570,38,11919,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-230,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4804",0,0,0,0,0,800,800,800,800,800,3300,31,28089,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4805",0,0,56700,56700,0,3399,2399,3399,2399,2399,2399,29,68898,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,2399,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4806",14600,0,225000,33000,192000,111498,111498,126098,126098,318098,318098,52,103164,6,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,126098,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4807",50000,0,300000,0,300000,137500,137500,187500,187500,487500,498175,58,62790,1,17,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,187500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4808",0,0,35000,0,35000,10,-5490,10,-5490,29510,30010,30,13275,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5490,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4809",0,0,0,0,0,399,399,399,399,399,11299,39,25224,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,399,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4810",0,0,11000,8000,3000,249,-1011,249,-1011,1989,1989,25,10206,3,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1582553,-1011,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4811",0,0,0,0,0,20,-2380,20,-2380,-2380,-2380,32,7284,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-2380,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4812",0,0,58000,47500,10500,3000,3000,3000,3000,13500,20096,38,6966,3,14,1,0,0,0,1,0,0,0,0,0,1,0,1,3,0.3536102,3000,1,1,0,0,0,0,0,0,0,0,1,0,0 -"4813",0,0,80000,49000,31000,20,-4980,20,-4980,26020,30020,38,33360,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4980,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4814",0,0,96000,0,96000,83999,83999,83999,83999,179999,179999,44,20640,3,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,83999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4815",1500,0,120000,80000,40000,7225,6725,8725,8225,48225,50825,31,48423,2,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,8225,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4816",0,0,0,0,0,749,749,749,749,749,1249,40,22254,1,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,749,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4817",0,0,50000,19000,31000,2550,2175,2550,2175,33175,39686,49,54063,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,2175,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4818",0,0,0,0,0,2000,2000,2000,2000,2000,2000,31,18015,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4819",0,0,0,0,0,4200,3350,4200,3350,3350,7100,26,18090,1,15,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,3350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4820",0,0,0,0,0,145,145,145,145,145,645,28,8292,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,145,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4821",422,0,0,0,0,900,900,1322,1322,1322,4672,32,21600,2,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,1322,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4822",0,0,0,0,0,0,0,0,0,0,1500,46,9360,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4823",0,0,0,0,0,2999,1499,2999,1499,1499,9499,51,27060,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1499,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4824",0,0,0,0,0,400,400,400,400,400,400,58,12090,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4825",0,0,165000,44000,121000,100,-4900,100,-4900,116100,118025,47,41769,1,16,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-4900,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4826",0,0,180000,108000,72000,51600,39600,51600,39600,111600,162100,44,115506,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,39600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4827",0,0,0,0,0,900,-5300,900,-5300,-5300,2700,25,13254,1,15,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-5300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4828",33000,0,275000,26500,248500,100000,97200,133000,130200,378700,378700,48,92064,5,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,130200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4829",1095,0,300000,34000,266000,799,-5401,1894,-4306,261694,394694,52,30639,4,8,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,-4306,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4830",2200,0,40000,40000,0,599,299,2799,2499,2499,53949,56,56940,1,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,2499,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4831",0,0,45000,45000,0,0,-2000,0,-2000,-2000,-2000,43,19680,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-2000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4832",0,0,40000,0,40000,2699,1849,2699,1849,41849,59849,53,29304,2,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,1849,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4833",0,0,35000,13000,22000,150,150,150,150,22150,22150,59,12975,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,150,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4834",0,0,0,0,0,0,0,0,0,0,0,48,3600,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4835",0,0,0,0,0,477,477,477,477,477,1977,41,14481,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,477,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4836",0,0,56000,56000,0,46,-5427,46,-5427,-5427,-2927,44,37740,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-5427,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4837",0,0,0,0,0,3200,1700,3200,1700,1700,30700,40,33066,4,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.2951996,1700,0,0,0,0,1,0,0,0,0,0,1,0,0 -"4838",4750,0,65000,41000,24000,1000,200,5750,4950,28950,35450,43,54723,3,16,1,1,1,1,1,0,0,1,0,0,0,1,6,4,0.7130944,4950,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4839",0,0,240000,0,240000,12500,7500,12500,7500,247500,247500,63,78750,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,7500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"4840",0,0,41000,37000,4000,8894,8459,8894,8459,12459,12459,27,41436,4,14,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,8459,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4841",0,0,60000,12000,48000,65,-3270,65,-3270,44730,44730,31,10695,5,10,1,1,1,0,1,0,0,0,1,0,0,0,2,1,0.3623197,-3270,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4842",3000,0,113000,105000,8000,20299,15299,23299,18299,26299,26299,38,88200,3,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,18299,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4843",49653,0,0,0,0,15000,15000,64653,64653,64653,68753,42,51492,1,17,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.3107966,64653,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4844",0,0,0,0,0,266,-964,266,-964,-964,836,48,27429,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-964,0,0,0,1,0,0,0,0,0,0,0,1,0 -"4845",0,0,0,0,0,3000,500,3000,500,500,500,27,30600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4846",3500,0,80000,0,80000,3000,2700,6500,6200,86200,93700,41,28392,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,6200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4847",0,0,55000,50000,5000,5300,5300,5300,5300,10300,15666,40,36000,2,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,5300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4848",6000,0,100000,62000,38000,7000,6250,13000,12250,50250,51750,46,61521,5,12,1,0,1,0,1,0,0,1,0,1,0,0,6,2,0.7856908,12250,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4849",0,0,70000,0,70000,26398,23898,26398,23898,93898,105898,54,71604,2,13,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,23898,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4850",0,0,0,0,0,1499,-501,1499,-501,-501,-1,31,24810,1,17,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-501,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4851",0,0,0,0,0,0,0,0,0,0,1000,26,24372,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4852",0,0,60000,0,60000,24000,21900,24000,21900,81900,81900,51,37452,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,21900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4853",0,0,150000,112500,37500,212700,210800,212700,210800,248300,254000,25,50100,1,16,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.4938007,210800,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4854",0,0,0,0,0,0,-160,0,-160,-160,590,36,9270,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-160,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4855",0,0,135000,74000,61000,3000,2600,3000,2600,63600,63600,30,24060,6,13,0,1,1,0,1,0,0,0,0,0,1,0,3,3,0.273178,2600,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4856",0,0,0,0,0,4000,4000,4000,4000,4000,4000,34,20478,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4857",0,0,10000,0,10000,0,0,0,0,10000,10000,28,42780,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,0,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4858",0,0,90000,75000,15000,3528,3328,3528,3328,18328,18328,30,44613,4,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,3328,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4859",0,0,80000,62000,18000,99,99,99,99,18099,18099,49,42690,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,99,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4860",0,0,72000,7200,64800,549,549,549,549,65349,71349,39,39366,2,1,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,549,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4861",0,0,48000,47800,200,400,-830,400,-830,-630,7170,37,29445,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-830,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4862",0,0,40000,37000,3000,800,-10200,800,-10200,-7200,-2867,39,38505,1,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-10200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4863",0,0,0,0,0,5400,-15100,5400,-15100,-15100,24900,30,55359,2,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.3598378,-15100,0,0,0,0,0,0,1,0,0,1,0,0,0 -"4864",0,0,0,0,0,450,-550,450,-550,-550,-550,43,20529,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-550,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4865",0,0,50000,5000,45000,1300,1300,1300,1300,46300,48100,31,32589,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4866",0,0,106000,78450,27550,8500,5000,8500,5000,32550,37875,41,31635,2,13,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,5000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4867",0,0,0,0,0,375,-9732,375,-9732,-9732,-4332,32,12834,6,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-9732,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4868",0,0,0,0,0,50,-750,50,-750,-750,0,43,26166,1,15,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-750,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4869",0,0,0,0,0,3999,3999,3999,3999,3999,9499,28,25815,3,18,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,3999,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4870",0,0,30000,0,30000,12699,10699,12699,10699,40699,40699,28,19011,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,10699,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4871",25000,0,89000,0,89000,3555,1255,28555,26255,115255,115255,56,20979,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,26255,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4872",0,0,0,0,0,30,-170,30,-170,-170,-170,31,12138,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-170,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4873",0,0,0,0,0,0,0,0,0,0,0,62,7011,1,9,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4874",0,0,0,0,0,300,300,300,300,300,1300,42,6903,2,5,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4875",20000,0,30000,0,30000,2999,2999,22999,22999,52999,68799,64,25380,1,10,1,0,1,0,1,0,0,1,1,0,0,0,3,1,0.4720998,22999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4876",0,0,0,0,0,0,0,0,0,0,0,26,38226,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4877",0,0,30000,18000,12000,25,-2975,25,-2975,9025,9025,31,5250,4,8,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2975,1,1,0,0,0,0,0,0,0,1,0,0,0 -"4878",0,0,0,0,0,500,500,500,500,500,7850,26,4518,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,500,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4879",0,0,0,0,0,833,757,833,757,757,4107,26,15615,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,757,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4880",0,0,5000,800,4200,949,949,949,949,5149,8824,27,25782,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,949,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4881",0,0,0,0,0,250,250,250,250,250,250,36,18054,6,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,250,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4882",0,0,0,0,0,0,0,0,0,0,0,27,4275,5,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4883",0,0,21000,15000,6000,1355,-2645,1355,-2645,3355,3355,48,34437,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-2645,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4884",0,0,97000,97000,0,41500,40872,41500,40872,40872,44222,32,2814,1,15,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.036628,40872,1,1,0,0,0,0,0,0,0,1,0,0,0 -"4885",8000,0,300000,0,300000,158113,158113,166113,166113,466113,466113,54,92280,3,17,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,166113,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4886",0,0,49000,32000,17000,4199,3949,4199,3949,20949,20949,47,25107,2,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,3949,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4887",0,0,58000,49000,9000,4549,-451,4549,-451,8549,16549,28,13650,5,12,0,1,1,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-451,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4888",0,0,45000,0,45000,1000,889,1000,889,45889,60889,56,32007,2,17,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,889,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4889",0,0,70000,0,70000,699,699,699,699,70699,70699,59,19203,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,699,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4890",0,0,0,0,0,100,100,100,100,100,1100,26,20460,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"4891",0,0,200000,104000,96000,845,255,845,255,96255,96255,38,57609,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,255,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4892",0,0,51000,20000,31000,200,-273,200,-273,30727,39327,46,23856,3,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-273,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4893",0,0,0,0,0,549,-7451,549,-7451,-7451,-5951,40,17880,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7451,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4894",0,0,270000,150000,120000,3500,-3500,3500,-3500,116500,122500,43,84000,1,16,0,0,0,0,1,0,0,0,0,0,0,1,7,4,0.4250903,-3500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4895",0,0,0,0,0,10976,10976,10976,10976,10976,10976,40,19329,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,10976,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4896",0,0,37500,7000,30500,16400,16075,16400,16075,46575,48075,38,41805,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,16075,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4897",3000,0,150000,0,150000,4600,1600,7600,4600,154600,162600,63,27585,2,16,1,1,0,0,1,0,0,1,0,0,0,1,3,4,0.3788275,4600,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4898",0,0,0,0,0,20,-330,20,-330,-330,-330,35,20787,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-330,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4899",2500,0,24000,0,24000,1150,-550,3650,1950,25950,26550,46,34608,3,18,0,1,1,1,1,0,0,1,0,0,0,1,4,4,0.3524857,1950,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4900",0,0,0,0,0,0,0,0,0,0,0,50,16320,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"4901",29000,0,95000,56000,39000,80500,80500,109500,109500,148500,149250,35,49800,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,109500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4902",0,0,40000,40000,0,367,367,367,367,367,4367,60,30990,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,367,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4903",0,0,0,0,0,500,500,500,500,500,4596,40,14520,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4904",0,0,225000,0,225000,300,-2700,300,-2700,222300,222300,61,26652,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2700,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4905",0,0,0,0,0,0,0,0,0,0,0,48,7200,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"4906",0,0,32000,30000,2000,16000,15100,16000,15100,17100,27100,33,33885,2,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,15100,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4907",0,0,75000,62000,13000,499,499,499,499,13499,18499,47,49206,4,16,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,499,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4908",1500,0,115000,89000,26000,2600,1200,4100,2700,28700,40700,40,58974,5,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,2700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4909",0,0,0,0,0,3720,920,3720,920,920,3070,31,32370,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,920,0,0,0,0,1,0,0,0,0,1,0,0,0 -"4910",0,0,67000,47000,20000,310,310,310,310,20310,20810,43,23490,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,310,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4911",0,0,0,0,0,500,-300,500,-300,-300,4550,35,16815,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-300,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4912",0,0,0,0,0,0,0,0,0,0,500,32,12828,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4913",4200,0,0,0,0,700,372,4900,4572,4572,4572,34,20667,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2061994,4572,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4914",0,0,45000,0,45000,2999,2999,2999,2999,47999,47999,63,20580,2,4,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4915",15000,0,275000,150000,125000,77500,75500,92500,90500,215500,232750,38,101886,2,16,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.7355057,90500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"4916",4000,0,0,0,0,20400,15900,24400,19900,19900,19900,45,31995,4,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.277538,19900,0,0,0,0,1,0,0,0,0,0,0,1,0 -"4917",0,0,50000,45000,5000,8307,6807,8307,6807,11807,25065,32,19035,4,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,6807,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4918",0,0,0,0,0,2000,2000,2000,2000,2000,7675,37,16425,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4919",0,0,150000,120000,30000,0,0,0,0,30000,31900,47,37800,2,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4920",0,0,100000,0,100000,0,0,0,0,100000,100000,56,30960,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4921",0,0,0,0,0,45,-6355,45,-6355,-6355,-3413,25,35700,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-6355,0,0,0,0,1,0,0,0,1,0,0,0,0 -"4922",12500,0,125000,90000,35000,7500,-10500,20000,2000,37000,51000,37,46767,4,13,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4923",0,0,40000,32000,8000,2599,599,2599,599,8599,12199,36,22743,5,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,599,1,0,0,1,0,0,0,0,0,0,1,0,0 -"4924",0,0,85000,62000,23000,80691,66691,80691,66691,89691,156291,49,85515,2,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,66691,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4925",5000,0,225000,56000,169000,26000,23000,31000,28000,197000,202600,53,108258,3,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,28000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4926",0,0,0,0,0,0,-3000,0,-3000,-3000,-2500,57,11628,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4927",0,0,0,0,0,200,-301750,200,-301750,-301750,-286750,38,54183,4,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-301750,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4928",16000,0,200000,83000,117000,18548,18271,34548,34271,151271,265271,64,24675,4,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,34271,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4929",0,0,100000,0,100000,2500,2500,2500,2500,102500,102500,59,19872,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,2500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"4930",0,0,48000,30000,18000,16000,16000,16000,16000,34000,34000,28,21210,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,16000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4931",0,0,70000,54900,15100,18700,16055,18700,16055,31155,40655,31,47160,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,16055,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4932",0,0,0,0,0,149,-151,149,-151,-151,7591,40,49209,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,-151,0,0,0,0,0,1,0,0,0,0,1,0,0 -"4933",0,0,55000,15000,40000,899,-5901,899,-5901,34099,41599,52,67746,3,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-5901,1,0,0,0,0,0,1,0,0,0,0,1,0 -"4934",0,0,0,0,0,5,5,5,5,5,505,31,10200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,5,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4935",0,0,30000,25500,4500,1165,515,1165,515,5015,5015,31,32871,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,515,1,0,0,0,1,0,0,0,0,1,0,0,0 -"4936",0,0,0,0,0,2400,2400,2400,2400,2400,5750,42,21600,3,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,2400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"4937",0,0,22000,5500,16500,200,200,200,200,16700,17950,49,18012,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4938",0,0,290000,150000,140000,14600,-1500,14600,-1500,138500,154064,40,60699,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4939",0,0,0,0,0,100,-1100,100,-1100,-1100,-1100,27,6030,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-1100,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4940",8900,0,130000,28000,102000,3270,470,12170,9370,111370,126370,57,55539,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,9370,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4941",0,0,35000,34000,1000,50,-3200,50,-3200,-2200,-700,33,13386,5,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-3200,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4942",0,0,0,0,0,0,0,0,0,0,0,29,17856,9,3,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3791962,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4943",0,0,0,0,0,1000,1000,1000,1000,1000,1000,25,18060,5,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4944",0,0,65000,40000,25000,0,-8800,0,-8800,16200,17200,46,26520,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-8800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4945",0,0,3000,0,3000,999,999,999,999,3999,3999,31,27600,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4946",0,0,0,0,0,2225,-1275,2225,-1275,-1275,6778,25,56664,2,15,1,0,0,0,1,0,0,0,0,0,1,0,6,3,0.5906146,-1275,0,0,0,0,0,0,1,0,1,0,0,0,0 -"4947",0,0,260000,150000,110000,1000,-9000,1000,-9000,101000,108425,39,33600,2,16,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5297047,-9000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4948",0,0,92000,79500,12500,0,-5400,0,-5400,7100,13100,42,16521,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,-5400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"4949",14000,0,109000,109000,0,23541,22741,37541,36741,36741,36741,34,56409,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,36741,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4950",0,0,9000,0,9000,466,426,466,426,9426,9426,60,4038,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,426,1,1,0,0,0,0,0,0,0,0,0,0,1 -"4951",2500,0,65000,44000,21000,3504,2504,6004,5004,26004,36004,51,137160,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,5004,1,0,0,0,0,0,0,1,0,0,0,1,0 -"4952",1859,0,31500,31500,0,1150,-3550,3009,-1691,-1691,15309,26,23154,2,14,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-1691,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4953",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,27,17340,5,5,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-1000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4954",11000,0,55000,28000,27000,17200,14900,28200,25900,52900,56566,46,35346,1,18,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,25900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"4955",0,0,0,0,0,0,0,0,0,0,613,40,19200,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"4956",0,0,100000,0,100000,5000,3800,5000,3800,103800,109800,56,29250,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,3800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"4957",0,0,0,0,0,20,-1480,20,-1480,-1480,520,35,21216,10,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-1480,0,0,0,1,0,0,0,0,0,1,0,0,0 -"4958",0,0,300000,45000,255000,2000,0,2000,0,255000,267000,54,44616,3,11,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4959",0,0,0,0,0,0,0,0,0,0,0,31,18525,3,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"4960",0,0,285000,0,285000,10500,10500,10500,10500,295500,295500,62,57330,3,8,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.5405443,10500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"4961",0,0,40000,7800,32200,100,-838,100,-838,31362,37362,49,25641,5,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-838,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4962",0,0,0,0,0,100,-5500,100,-5500,-5500,-5500,28,13500,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-5500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4963",0,0,64000,48000,16000,505,-1945,505,-1945,14055,15055,29,26865,4,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1945,1,0,0,1,0,0,0,0,1,0,0,0,0 -"4964",0,0,0,0,0,0,0,0,0,0,1350,36,8670,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"4965",0,0,60150,60150,0,50,50,50,50,50,50,29,17850,7,3,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,50,1,0,1,0,0,0,0,0,1,0,0,0,0 -"4966",0,0,38000,22300,15700,1200,1022,1200,1022,16722,21964,46,20988,1,13,1,1,0,0,1,0,0,0,0,0,1,0,3,3,0.3978536,1022,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4967",0,0,0,0,0,0,0,0,0,0,0,32,2430,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"4968",0,0,0,0,0,35015,35015,35015,35015,35015,42515,38,53925,1,18,0,0,1,0,1,0,0,0,0,0,0,1,6,4,0.3169526,35015,0,0,0,0,0,0,1,0,0,0,1,0,0 -"4969",0,0,60000,32000,28000,66249,59549,66249,59549,87549,95849,44,52182,5,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,59549,1,0,0,0,0,0,1,0,0,0,1,0,0 -"4970",0,0,0,0,0,60300,60300,60300,60300,60300,61611,43,79281,1,17,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.3201262,60300,0,0,0,0,0,0,0,1,0,0,1,0,0 -"4971",0,0,70000,52200,17800,1247,1247,1247,1247,19047,19047,44,35700,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,1247,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4972",0,0,125000,16000,109000,10000,7500,10000,7500,116500,120500,40,32880,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4973",0,0,0,0,0,2000,2000,2000,2000,2000,2000,62,18888,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"4974",0,0,0,0,0,50,-950,50,-950,-950,250,57,3600,8,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-950,0,1,0,0,0,0,0,0,0,0,0,0,1 -"4975",0,0,20000,10000,10000,40,-1260,40,-1260,8740,8740,34,17007,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1260,1,0,1,0,0,0,0,0,0,1,0,0,0 -"4976",0,0,110000,86500,23500,8115,-3395,8115,-3395,20105,20105,31,55620,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-3395,1,0,0,0,0,0,1,0,0,1,0,0,0 -"4977",0,0,0,0,0,66,-234,66,-234,-234,3616,28,3204,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-234,0,1,0,0,0,0,0,0,1,0,0,0,0 -"4978",0,0,80000,41000,39000,99,99,99,99,39099,42099,30,41112,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,99,1,0,0,0,0,1,0,0,0,1,0,0,0 -"4979",0,0,0,0,0,0,0,0,0,0,50000,50,43500,6,13,0,1,1,0,1,0,0,0,0,0,1,0,5,3,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,1,0 -"4980",9800,0,170000,127000,43000,13100,11900,22900,21700,64700,110875,51,43680,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,21700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"4981",0,0,187000,0,187000,7499,7499,7499,7499,194499,216361,25,51450,2,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.4938007,7499,1,0,0,0,0,0,1,0,1,0,0,0,0 -"4982",0,0,0,0,0,23000,21625,23000,21625,21625,25625,27,46890,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,21625,0,0,0,0,0,1,0,0,1,0,0,0,0 -"4983",0,0,95000,58000,37000,8497,8377,8497,8377,45377,45377,29,47838,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,8377,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4984",0,0,0,0,0,18000,18000,18000,18000,18000,22650,27,11799,1,18,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,18000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4985",16000,0,120000,48000,72000,17499,17499,33499,33499,105499,106249,41,30000,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,33499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4986",0,0,33000,0,33000,5308,340,5308,340,33340,33340,30,29133,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,340,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4987",0,0,47000,47000,0,0,0,0,0,0,12096,45,21048,4,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"4988",0,0,0,0,0,385,130,385,130,130,130,27,11898,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,130,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4989",0,0,97000,67500,29500,400,-1218,400,-1218,28282,34342,46,16374,6,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1218,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4990",0,0,59900,59900,0,31050,21050,31050,21050,21050,48967,37,47109,3,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,21050,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4991",0,0,0,0,0,865,-4135,865,-4135,-4135,15865,29,19206,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4135,0,0,1,0,0,0,0,0,1,0,0,0,0 -"4992",0,0,275000,100000,175000,49,-36,49,-36,174964,175964,52,17424,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-36,1,0,1,0,0,0,0,0,0,0,0,1,0 -"4993",0,0,50000,42000,8000,0,-5000,0,-5000,3000,9500,30,23970,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-5000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"4994",0,0,57000,53000,4000,700,-9300,700,-9300,-5300,-850,41,32646,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-9300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"4995",0,0,0,0,0,51400,49700,51400,49700,49700,49700,27,147996,2,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,49700,0,0,0,0,0,0,0,1,1,0,0,0,0 -"4996",4300,0,83000,49000,34000,34449,29849,38749,34149,68149,74149,42,41232,4,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,34149,1,0,0,0,0,1,0,0,0,0,1,0,0 -"4997",32000,0,40000,0,40000,30899,30899,62899,62899,102899,102899,60,33885,2,7,0,1,1,0,1,0,0,1,1,0,0,0,4,1,0.3524857,62899,1,0,0,0,1,0,0,0,0,0,0,0,1 -"4998",2100,0,68000,47500,20500,5449,-5251,7549,-3151,17349,39019,29,46575,2,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,-3151,1,0,0,0,0,1,0,0,1,0,0,0,0 -"4999",0,0,0,0,0,5000,-3000,5000,-3000,-3000,350,49,14631,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5000",0,0,58000,39100,18900,0,0,0,0,18900,19400,44,7704,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5001",1500,0,300000,110000,190000,1499,1499,2999,2999,192999,192999,48,22230,6,9,0,1,0,0,1,0,0,1,1,0,0,0,3,1,0.2696004,2999,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5002",5100,0,22500,0,22500,32550,32550,37650,37650,60150,60650,61,13893,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.1320933,37650,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5003",1993,0,45000,24000,21000,95766,95766,97759,97759,118759,119390,46,68085,2,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,97759,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5004",0,0,40000,27000,13000,599,599,599,599,13599,31524,46,24996,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,599,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5005",0,0,25000,0,25000,55500,55500,55500,55500,80500,84700,37,12483,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,55500,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5006",6050,0,85000,0,85000,50000,41230,56050,47280,132280,132580,55,36198,3,12,1,1,0,1,1,0,0,1,0,1,0,0,4,2,0.5449064,47280,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5007",0,0,0,0,0,3000,3000,3000,3000,3000,3750,38,12930,5,10,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1283302,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5008",14000,0,40000,0,40000,22498,20798,36498,34798,74798,75798,55,38730,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,34798,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5009",0,0,0,0,0,0,-4500,0,-4500,-4500,3525,34,24000,2,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5010",0,0,45000,45000,0,2099,1699,2099,1699,1699,1699,31,13320,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,1699,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5011",4000,0,149000,149000,0,356,256,4356,4256,4256,5956,38,55377,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,4256,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5012",0,0,90000,0,90000,0,0,0,0,90000,172053,35,26217,1,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5013",0,0,0,0,0,3000,1500,3000,1500,1500,10247,49,23271,2,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,1500,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5014",0,0,125000,16000,109000,100,100,100,100,109100,109100,59,23004,4,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5015",2000,0,85000,20000,65000,30500,27350,32500,29350,94350,104311,25,18582,2,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,29350,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5016",0,0,0,0,0,2500,2500,2500,2500,2500,2500,35,56868,2,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,2500,0,0,0,0,0,0,1,0,0,1,0,0,0 -"5017",0,0,28000,25000,3000,110,110,110,110,3110,3110,41,22800,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,110,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5018",0,0,150000,62500,87500,9000,9000,9000,9000,96500,96500,48,61830,3,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,9000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5019",0,0,50000,0,50000,0,0,0,0,50000,51840,40,12597,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5020",0,0,0,0,0,2000,2000,2000,2000,2000,2000,55,32340,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,2000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5021",0,0,70000,52200,17800,2494,-3496,2494,-3496,14304,15504,35,50850,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-3496,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5022",0,0,50000,44500,5500,100,-10400,100,-10400,-4900,-4900,32,36012,8,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-10400,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5023",16000,0,160000,25000,135000,45000,38000,61000,54000,189000,389000,38,80613,4,18,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,54000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5024",0,0,0,0,0,300,-2500,300,-2500,-2500,3500,26,33093,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5025",0,0,0,0,0,575,-2425,575,-2425,-2425,-1925,33,5868,3,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2425,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5026",0,0,0,0,0,0,-1000,0,-1000,-1000,3500,30,17100,3,16,1,1,0,1,1,0,0,0,0,0,0,1,2,4,0.3791962,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5027",14000,0,160000,65000,95000,43500,43500,57500,57500,152500,152500,35,81075,3,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.5801663,57500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"5028",9000,0,92100,91500,600,21706,206,30706,9206,9806,21806,43,81558,2,18,0,1,1,0,1,0,0,1,0,0,0,1,7,4,0.5801663,9206,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5029",0,0,35000,28000,7000,0,-5265,0,-5265,1735,1735,39,15759,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-5265,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5030",0,0,0,0,0,3059,2359,3059,2359,2359,2359,36,42969,4,11,1,1,1,0,1,0,0,0,1,0,0,0,5,1,0.5995759,2359,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5031",0,0,0,0,0,350,-2650,350,-2650,-2650,3925,45,31674,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,-2650,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5032",0,0,58000,11500,46500,550,-450,550,-450,46050,46050,64,17619,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-450,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5033",0,0,20000,13000,7000,1800,1800,1800,1800,8800,23853,41,23469,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1800,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5034",19600,0,300000,0,300000,23200,22800,42800,42400,342400,342400,57,33777,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,42400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5035",8000,0,35000,0,35000,3000,3000,11000,11000,46000,46000,57,26010,4,12,1,1,0,1,1,0,0,1,0,1,0,0,3,2,0.3788275,11000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5036",0,0,0,0,0,0,0,0,0,0,0,53,3156,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5037",0,0,0,0,0,0,-2800,0,-2800,-2800,1400,28,17700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5038",0,0,0,0,0,0,-928,0,-928,-928,-928,47,5652,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,-928,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5039",13000,0,200000,100000,100000,6642,6242,19642,19242,119242,135167,44,45816,3,16,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.4414764,19242,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5040",0,0,0,0,0,0,0,0,0,0,0,51,11880,5,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5041",11000,0,180000,100000,80000,159000,159000,170000,170000,250000,273000,62,102744,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,170000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5042",0,0,60000,52800,7200,510,-3490,510,-3490,3710,3710,42,24945,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3490,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5043",0,0,30000,3650,26350,3948,618,3948,618,26968,27968,34,12240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,618,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5044",20000,0,100000,0,100000,22499,22499,42499,42499,142499,152861,42,35616,1,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,42499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5045",4875,0,127000,122000,5000,1200,1200,6075,6075,11075,18675,33,46209,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,6075,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5046",0,0,40000,40000,0,50,-6050,50,-6050,-6050,-6050,37,28038,6,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-6050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5047",0,0,225000,135000,90000,5399,2899,5399,2899,92899,668249,47,33000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2899,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5048",0,0,0,0,0,30,-7670,30,-7670,-7670,-7670,27,55365,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,-7670,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5049",0,0,0,0,0,500,500,500,500,500,3000,27,7929,1,18,0,1,1,0,1,0,0,0,0,0,0,1,1,4,0.0486785,500,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5050",0,0,300000,150000,150000,4400,1400,4400,1400,151400,162940,33,54966,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,1400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5051",0,0,80000,40000,40000,1699,-1301,1699,-1301,38699,38699,40,47184,3,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.6077043,-1301,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5052",0,0,0,0,0,30,-45,30,-45,-45,3455,31,12666,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-45,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5053",0,0,0,0,0,750,750,750,750,750,750,30,47124,1,11,0,0,1,0,1,0,0,0,1,0,0,0,5,1,0.3055234,750,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5054",0,0,0,0,0,2725,2725,2725,2725,2725,6100,25,15390,1,17,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,2725,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5055",0,0,0,0,0,30,-4250,30,-4250,-4250,3750,43,25131,5,15,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-4250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5056",0,0,0,0,0,25,25,25,25,25,525,28,11352,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,25,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5057",0,0,0,0,0,6,-994,6,-994,-994,4081,28,22134,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-994,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5058",0,0,0,0,0,0,0,0,0,0,3300,25,19200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5059",22000,0,300000,34000,266000,20800,20680,42800,42680,308680,317230,46,26100,3,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,42680,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5060",0,0,60500,60500,0,11140,11140,11140,11140,11140,16382,32,35331,1,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,11140,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5061",0,0,70000,59000,11000,1600,-2480,1600,-2480,8520,8520,32,61722,3,13,0,1,1,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2480,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5062",0,0,158000,115500,42500,1460,64,1460,64,42564,42564,29,37245,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,64,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5063",10542,0,110000,77000,33000,84005,78868,94547,89410,122410,166206,51,65865,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,89410,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5064",0,0,68000,49500,18500,2599,1099,2599,1099,19599,19599,42,26406,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1099,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5065",0,0,56000,49000,7000,450,-1550,450,-1550,5450,58616,34,33543,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1550,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5066",0,0,0,0,0,0,-1500,0,-1500,-1500,-1000,34,10371,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5067",15000,0,0,0,0,50000,50000,65000,65000,65000,65000,48,19500,1,18,0,0,1,0,1,0,0,1,0,0,0,1,2,4,0.105793,65000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5068",0,0,52000,46900,5100,210,-1490,210,-1490,3610,14710,30,34443,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1490,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5069",0,0,50000,0,50000,600,600,600,600,50600,51600,49,17874,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5070",0,0,0,0,0,200,-37074,200,-37074,-37074,-37074,30,44184,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,-37074,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5071",0,0,0,0,0,4000,4000,4000,4000,4000,20000,36,39594,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,4000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5072",0,0,0,0,0,1600,600,1600,600,600,1500,36,44805,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,600,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5073",0,0,112000,54000,58000,5500,5500,5500,5500,63500,63500,39,29265,3,10,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,5500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5074",16000,0,164000,35500,128500,43662,43262,59662,59262,187762,196304,58,19245,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,59262,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5075",0,0,0,0,0,110,-290,110,-290,-290,-290,34,15600,4,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-290,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5076",0,0,40000,2400,37600,50,-550,50,-550,37050,37550,50,6060,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-550,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5077",3200,0,130000,20000,110000,3500,1500,6700,4700,114700,166400,56,48690,3,12,1,1,0,1,1,0,0,1,0,1,0,0,5,2,0.7196674,4700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5078",0,0,16000,9000,7000,500,-9700,500,-9700,-2700,3500,55,34200,3,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-9700,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5079",0,0,19000,16500,2500,167,167,167,167,2667,3167,39,21435,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,167,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5080",60000,0,165000,75000,90000,142556,110056,202556,170056,260056,260056,53,72108,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,170056,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5081",0,0,50000,26000,24000,50,-250,50,-250,23750,23750,55,7134,5,10,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.062312,-250,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5082",0,0,0,0,0,100,-3900,100,-3900,-3900,-575,25,14307,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-3900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5083",44000,0,75000,0,75000,900,763,44900,44763,119763,119763,62,40500,3,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,44763,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5084",0,0,23500,23500,0,375,345,375,345,345,345,44,25758,3,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,345,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5085",0,0,20000,20000,0,3500,3500,3500,3500,3500,3500,53,14760,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,3500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5086",0,0,65000,0,65000,500,-3300,500,-3300,61700,61700,46,27000,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-3300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5087",0,0,72000,30000,42000,0,0,0,0,42000,42500,54,26316,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5088",0,0,95000,75000,20000,9500,8700,9500,8700,28700,36700,44,63255,5,17,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,8700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5089",0,0,50000,22000,28000,1810,1460,1810,1460,29460,30210,54,7440,1,8,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3536102,1460,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5090",0,0,0,0,0,50,-1080,50,-1080,-1080,3100,36,17544,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1080,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5091",0,0,0,0,0,450,-2750,450,-2750,-2750,-2750,29,19797,2,13,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1283302,-2750,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5092",50000,0,300000,150000,150000,31500,31500,81500,81500,231500,231500,61,129996,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,81500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5093",0,0,42500,42500,0,20,-1980,20,-1980,-1980,4020,28,18525,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1980,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5094",0,0,0,0,0,200,-7600,200,-7600,-7600,-5100,36,13824,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-7600,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5095",0,0,0,0,0,1000,-1200,1000,-1200,-1200,825,27,28740,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-1200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5096",0,0,0,0,0,200,-1000,200,-1000,-1000,-500,44,25500,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-1000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5097",19200,0,125000,41000,84000,103000,100000,122200,119200,203200,203200,60,52767,3,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,119200,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5098",0,0,0,0,0,153,153,153,153,153,-347,37,20100,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,153,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5099",0,0,6000,2000,4000,0,0,0,0,4000,5000,25,1560,1,11,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,1,0,0,0,0 -"5100",4000,0,180000,145000,35000,38000,37000,42000,41000,76000,89000,40,110160,3,16,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,41000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5101",0,0,0,0,0,20,20,20,20,20,20,30,10803,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,20,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5102",3000,0,110000,25000,85000,1200,300,4200,3300,88300,88300,34,26991,4,13,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2696004,3300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5103",0,0,222000,25000,197000,4999,4999,4999,4999,201999,205999,44,42300,1,13,1,0,1,0,1,0,0,0,0,0,1,0,5,3,0.5315816,4999,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5104",0,0,0,0,0,300,300,300,300,300,300,60,7116,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,0,0,0,1 -"5105",0,0,0,0,0,0,0,0,0,0,0,46,14040,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5106",0,0,0,0,0,20199,18899,20199,18899,18899,19787,35,21702,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,18899,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5107",0,0,104000,80000,24000,3800,-7800,3800,-7800,16200,25200,34,38520,2,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,-7800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5108",2500,0,135000,77500,57500,11400,11400,13900,13900,71400,75400,47,47496,3,13,1,1,0,1,1,0,0,1,0,0,1,0,5,3,0.7196674,13900,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5109",0,0,103000,64890,38110,200,-5900,200,-5900,32210,37885,40,40800,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,-5900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5110",0,0,60000,46000,14000,8000,5500,8000,5500,19500,24500,50,33750,2,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5111",0,0,34010,26000,8010,1178,-3422,1178,-3422,4588,7588,29,23127,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-3422,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5112",0,0,0,0,0,1040,-2060,1040,-2060,-2060,1993,30,17700,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2060,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5113",0,0,80000,47000,33000,827,-19173,827,-19173,13827,25227,31,24000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-19173,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5114",0,0,0,0,0,0,0,0,0,0,0,40,28332,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5115",8000,0,0,0,0,50386,50386,58386,58386,58386,86386,48,30438,3,1,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.277538,58386,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5116",33300,0,300000,150000,150000,139300,139300,172600,172600,322600,391450,39,49200,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,172600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5117",0,0,164000,150000,14000,1000,-1300,1000,-1300,12700,12700,40,38205,6,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5118",0,0,115000,75000,40000,1860,-4390,1860,-4390,35610,35610,27,40830,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-4390,1,0,0,0,0,1,0,0,1,0,0,0,0 -"5119",3400,0,80000,57900,22100,28744,20544,32144,23944,46044,50544,32,38376,3,17,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,23944,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5120",0,0,130000,0,130000,5500,4100,5500,4100,134100,139350,49,17631,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,4100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5121",0,0,0,0,0,0,-6159,0,-6159,-6159,-6159,25,630,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-6159,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5122",16600,0,65000,0,65000,1148,1148,17748,17748,82748,87296,41,30927,3,9,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,17748,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5123",4000,0,40000,12000,28000,3499,3499,7499,7499,35499,35499,63,24708,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,7499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5124",0,0,80000,0,80000,999,999,999,999,80999,80999,59,33084,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5125",0,0,275000,150000,125000,4000,3500,4000,3500,128500,128500,43,64050,5,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,3500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5126",0,0,0,0,0,50,-65,50,-65,-65,-65,26,11232,2,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-65,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5127",15000,0,0,0,0,900,-2500,15900,12500,12500,13500,32,23100,1,16,0,0,1,0,1,0,0,1,0,0,0,1,3,4,0.2029813,12500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5128",1000,0,230000,150000,80000,3000,-3500,4000,-2500,77500,98640,56,40710,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,-2500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5129",0,0,60000,59000,1000,5000,4000,5000,4000,5000,5500,33,31200,5,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,4000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5130",0,0,80000,25000,55000,3900,3900,3900,3900,58900,59400,55,12600,3,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,3900,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5131",0,0,0,0,0,1266,-1804,1266,-1804,-1804,7196,27,23400,3,5,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,-1804,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5132",4000,0,60000,21500,38500,8500,8500,12500,12500,51000,52250,44,21234,1,15,1,0,1,0,1,0,0,1,0,0,1,0,3,3,0.4720998,12500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5133",0,0,55000,36000,19000,250,-14750,250,-14750,4250,50250,33,46239,3,18,0,1,0,1,1,0,0,0,0,0,0,1,5,4,0.4407951,-14750,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5134",0,0,0,0,0,999,999,999,999,999,1499,37,22500,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,999,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5135",0,0,35000,13000,22000,1700,-11660,1700,-11660,10340,10340,61,21876,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-11660,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5136",0,0,35000,35000,0,0,0,0,0,0,25000,50,13326,2,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5137",0,0,70000,25000,45000,2721,2237,2721,2237,47237,129325,45,37677,3,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2237,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5138",0,0,0,0,0,16799,4499,16799,4499,4499,28499,51,40011,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.3243191,4499,0,0,0,0,0,1,0,0,0,0,0,1,0 -"5139",2500,0,60000,0,60000,17300,15800,19800,18300,78300,81750,40,32457,1,17,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,18300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5140",0,0,0,0,0,0,-712,0,-712,-712,-712,30,9009,4,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-712,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5141",0,0,40000,30000,10000,8034,7234,8034,7234,17234,32291,54,98784,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,7234,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5142",4100,0,0,0,0,11000,11000,15100,15100,15100,55600,52,26910,1,18,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2061994,15100,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5143",0,0,93500,82000,11500,16000,10000,16000,10000,21500,23900,39,32856,4,18,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,10000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5144",12000,0,50000,0,50000,226200,225950,238200,237950,287950,335950,59,25185,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,237950,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5145",13400,0,0,0,0,34669,33269,48069,46669,46669,52669,34,86760,4,13,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,46669,0,0,0,0,0,0,0,1,0,1,0,0,0 -"5146",8180,0,0,0,0,436,436,8616,8616,8616,9116,35,18633,2,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,8616,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5147",0,0,150000,0,150000,2898,98,2898,98,150098,150098,37,39468,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,98,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5148",0,0,80000,58000,22000,1398,-2602,1398,-2602,19398,26398,32,52602,4,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-2602,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5149",200,0,90000,63000,27000,1200,400,1400,600,27600,30600,26,25737,4,10,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5150",0,0,150000,125500,24500,7000,-3000,7000,-3000,21500,73053,46,62250,2,17,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,-3000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5151",0,0,0,0,0,1150,1150,1150,1150,1150,1150,26,37833,3,14,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5896286,1150,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5152",0,0,65000,63500,1500,2899,699,2899,699,2199,39199,42,64176,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,699,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5153",0,0,0,0,0,1150,-14350,1150,-14350,-14350,-14350,30,27555,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-14350,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5154",0,0,105000,69600,35400,8768,5968,8768,5968,41368,70368,42,55791,4,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5968,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5155",0,0,80000,41000,39000,100,-4900,100,-4900,34100,37450,39,30780,4,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,-4900,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5156",0,0,70000,52000,18000,810,-5190,810,-5190,12810,12810,45,47178,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-5190,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5157",0,0,0,0,0,650,-3650,650,-3650,-3650,-300,50,12240,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-3650,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5158",0,0,65000,27500,37500,38200,38200,38200,38200,75700,80300,39,109392,5,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,38200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5159",49000,0,50000,50000,0,100000,95500,149000,144500,144500,144500,53,104235,2,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,144500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5160",0,0,69900,54000,15900,1500,-47500,1500,-47500,-31600,-31600,42,63207,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-47500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5161",0,0,89000,74000,15000,1500,1000,1500,1000,16000,29000,41,70905,6,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5162",0,0,135000,0,135000,24019,24019,24019,24019,159019,192694,50,7980,4,16,1,1,0,0,1,0,0,0,0,0,0,1,1,4,0.375,24019,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5163",0,0,104000,104000,0,7500,6000,7500,6000,6000,9000,28,29880,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,6000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5164",0,0,50000,8000,42000,200,-4800,200,-4800,37200,38483,47,16818,8,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,-4800,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5165",15327,0,100000,0,100000,10,-290,15337,15037,115037,286037,64,42864,2,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,15037,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5166",0,0,48500,20500,28000,9150,4150,9150,4150,32150,32850,47,17010,3,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,4150,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5167",0,0,0,0,0,500,500,500,500,500,500,29,19644,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5168",0,0,38000,35000,3000,100,-95,100,-95,2905,3905,34,13509,7,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-95,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5169",3000,0,90000,83000,7000,1150,-14650,4150,-11650,-4650,39350,33,59172,5,13,1,1,0,1,1,0,0,1,0,0,1,0,6,3,0.7130944,-11650,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5170",0,0,45000,29500,15500,28000,28000,28000,28000,43500,140822,41,31254,1,18,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,28000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5171",0,0,0,0,0,3150,1150,3150,1150,1150,6829,31,45420,1,16,1,0,1,0,1,0,0,0,0,0,0,1,5,4,0.5231876,1150,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5172",0,0,57000,57000,0,100,-2400,100,-2400,-2400,950,49,19800,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-2400,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5173",5000,0,0,0,0,2000,-15000,7000,-10000,-10000,8125,46,71988,1,18,1,1,1,0,1,0,0,1,0,0,0,1,6,4,0.5500422,-10000,0,0,0,0,0,0,1,0,0,0,0,1,0 -"5174",0,0,45000,45000,0,173,-8827,173,-8827,-8827,-8427,32,13242,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-8827,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5175",0,0,60000,46000,14000,500,0,500,0,14000,21000,38,24795,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5176",9000,0,0,0,0,1000,1000,10000,10000,10000,10750,36,38100,1,16,0,0,1,0,1,0,0,1,0,0,0,1,4,4,0.2906278,10000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5177",0,0,48000,0,48000,800,800,800,800,48800,48800,52,26118,3,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5178",0,0,0,0,0,0,-3300,0,-3300,-3300,-800,36,8622,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-3300,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5179",0,0,0,0,0,899,-2101,899,-2101,-2101,-1151,32,19638,4,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2101,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5180",0,0,0,0,0,9999,9499,9999,9499,9499,9499,29,52200,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,9499,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5181",0,0,0,0,0,300,300,300,300,300,300,27,32040,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5182",0,0,0,0,0,150,-1350,150,-1350,-1350,-800,27,25200,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1350,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5183",0,0,48000,0,48000,0,-500,0,-500,47500,47700,48,34074,5,8,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5184",0,0,0,0,0,0,0,0,0,0,0,39,10800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5185",0,0,0,0,0,248,-1552,248,-1552,-1552,-1552,54,19371,3,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3791962,-1552,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5186",2400,0,150000,35000,115000,10450,10250,12850,12650,127650,128850,32,24624,4,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,12650,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5187",0,0,0,0,0,275,275,275,275,275,8375,26,28035,3,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,275,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5188",0,0,0,0,0,299,299,299,299,299,799,36,12243,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,299,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5189",0,0,125000,79500,45500,260,-1840,260,-1840,43660,201160,33,44388,5,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-1840,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5190",0,0,0,0,0,0,0,0,0,0,500,31,9150,2,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5191",0,0,0,0,0,0,0,0,0,0,0,40,69120,7,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,0,0,0,0,0,0,0,1,0,0,0,1,0,0 -"5192",0,0,40000,18000,22000,2700,2700,2700,2700,24700,29550,44,32460,2,14,1,1,1,0,1,0,0,0,0,0,1,0,4,3,0.5297047,2700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5193",19000,0,30000,0,30000,12000,12000,31000,31000,61000,63575,59,13170,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3108636,31000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5194",30600,0,250000,0,250000,61399,61399,91999,91999,341999,341999,40,60360,3,18,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,91999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5195",0,0,0,0,0,21417,9217,21417,9217,9217,83767,50,91704,3,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4572618,9217,0,0,0,0,0,0,0,1,0,0,0,1,0 -"5196",300,0,0,0,0,40,-160,340,140,140,140,46,23391,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2061994,140,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5197",18000,0,300000,150000,150000,60000,56000,78000,74000,224000,374000,48,151572,3,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,74000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5198",0,0,0,0,0,1250,-2650,1250,-2650,-2650,34750,36,15639,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2650,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5199",0,0,35000,31000,4000,1265,-1235,1265,-1235,2765,24765,43,36510,7,15,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-1235,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5200",0,0,18000,0,18000,0,0,0,0,18000,18000,48,26604,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5201",0,0,0,0,0,18000,17200,18000,17200,17200,22442,56,20310,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,17200,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5202",0,0,0,0,0,1038,-3248,1038,-3248,-3248,-2248,27,25995,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3248,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5203",0,0,36500,36500,0,5200,-5300,5200,-5300,-5300,3700,39,52416,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5204",15695,0,110000,64000,46000,9298,9298,24993,24993,70993,70993,37,41358,5,16,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,24993,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5205",0,0,24000,24000,0,13,13,13,13,13,13,39,17424,6,9,1,1,0,1,1,0,0,0,1,0,0,0,2,1,0.3623197,13,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5206",7000,0,175000,0,175000,79399,79399,86399,86399,261399,269049,50,18981,2,18,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,86399,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5207",0,0,0,0,0,0,0,0,0,0,4646,35,28647,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5208",0,0,75000,70000,5000,2695,-9505,2695,-9505,-4505,19495,33,54288,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9505,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5209",0,0,0,0,0,95,95,95,95,95,95,26,6663,4,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,95,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5210",0,0,0,0,0,30100,29100,30100,29100,29100,29100,35,23904,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,29100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5211",0,0,0,0,0,1889,-611,1889,-611,-611,-611,26,50400,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-611,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5212",0,0,125000,49500,75500,700,700,700,700,76200,78700,64,15366,1,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,700,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5213",0,0,0,0,0,19851,14851,19851,14851,14851,15851,27,55683,2,17,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,14851,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5214",0,0,0,0,0,100,100,100,100,100,1950,37,10710,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5215",0,0,0,0,0,2100,-1700,2100,-1700,-1700,1450,30,25917,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-1700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5216",0,0,120000,70000,50000,0,-450,0,-450,49550,50150,25,34794,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-450,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5217",0,0,0,0,0,400,-100,400,-100,-100,6400,33,20250,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5218",500,0,105000,7400,97600,41020,39760,41520,40260,137860,175860,31,2541,3,12,0,1,0,1,1,0,0,1,0,1,0,0,1,2,0.2088342,40260,1,1,0,0,0,0,0,0,0,1,0,0,0 -"5219",0,0,0,0,0,850,850,850,850,850,3350,36,26400,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5220",0,0,230000,105000,125000,600,-11400,600,-11400,113600,120600,40,24615,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-11400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5221",0,0,5000,0,5000,150,-8550,150,-8550,-3550,-3175,30,10560,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-8550,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5222",0,0,0,0,0,88500,88000,88500,88000,88000,93500,40,121404,3,14,0,1,1,1,1,0,0,0,0,0,1,0,7,3,0.4572618,88000,0,0,0,0,0,0,0,1,0,0,1,0,0 -"5223",0,0,0,0,0,0,0,0,0,0,0,32,12720,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5224",4000,0,0,0,0,1924,-1276,5924,2724,2724,7966,51,34302,2,18,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.2906278,2724,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5225",0,0,75000,48000,27000,1400,-4100,1400,-4100,22900,25900,39,43089,4,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,-4100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5226",0,0,0,0,0,500,500,500,500,500,500,34,12168,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5227",0,0,4500,0,4500,5200,5200,5200,5200,9700,14500,28,38058,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,5200,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5228",0,0,88000,77000,11000,5500,-14500,5500,-14500,-3500,3500,35,70290,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,-14500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5229",0,0,130000,0,130000,5000,2000,5000,2000,132000,132000,58,49290,6,16,1,1,0,0,1,0,0,0,0,0,0,1,5,4,0.6077043,2000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5230",600,0,125000,0,125000,10100,10100,10700,10700,135700,141700,52,32511,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,10700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5231",0,0,35000,0,35000,100,100,100,100,35100,38450,52,4890,1,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,100,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5232",0,0,0,0,0,0,-120,0,-120,-120,-120,27,10725,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-120,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5233",0,0,0,0,0,27200,26800,27200,26800,26800,32475,41,23562,1,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,26800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5234",0,0,0,0,0,0,-600,0,-600,-600,10893,56,15480,4,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-600,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5235",0,0,0,0,0,300,0,300,0,0,2375,30,15966,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5236",34000,0,110000,40000,70000,137450,137450,171450,171450,241450,241450,41,51510,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,171450,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5237",0,0,0,0,0,0,-9200,0,-9200,-9200,-9200,40,39954,3,16,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.2951996,-9200,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5238",0,0,150000,101000,49000,200,200,200,200,49200,49200,42,30600,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5239",0,0,0,0,0,1000,-4500,1000,-4500,-4500,-4500,59,40290,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4500,0,0,0,0,0,1,0,0,0,0,0,0,1 -"5240",0,0,0,0,0,0,0,0,0,0,0,58,14247,4,14,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5241",33000,0,150000,20000,130000,6999,6499,39999,39499,169499,214499,63,12294,2,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.1464927,39499,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5242",0,0,0,0,0,199,199,199,199,199,7699,48,20418,2,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,199,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5243",0,0,23000,19130,3870,20,-3730,20,-3730,140,32870,27,19380,3,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.143074,-3730,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5244",0,0,0,0,0,2000,2000,2000,2000,2000,2000,38,12300,7,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,2000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5245",0,0,75000,35000,40000,200,200,200,200,40200,40200,36,35997,4,16,0,1,1,1,1,0,0,0,0,0,0,1,4,4,0.3719455,200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5246",0,0,35000,0,35000,1700,1700,1700,1700,36700,37700,47,16260,2,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,1700,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5247",0,0,8000,0,8000,0,0,0,0,8000,19900,33,18621,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5248",0,0,0,0,0,0,0,0,0,0,5242,49,13950,6,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5249",22000,0,300000,100000,200000,2000,2000,24000,24000,224000,224000,43,104778,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,24000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5250",0,0,93000,92692,308,1825,-10275,1825,-10275,-9967,9433,30,57000,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-10275,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5251",0,0,120000,17000,103000,4000,-1950,4000,-1950,101050,101050,51,32526,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-1950,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5252",15000,0,95000,34600,60400,1509,-1791,16509,13209,73609,87609,46,73785,4,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,13209,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5253",0,0,35000,5000,30000,200,-4800,200,-4800,25200,25200,54,12048,2,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-4800,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5254",0,0,0,0,0,20,-2780,20,-2780,-2780,3245,38,19212,1,17,1,0,1,0,1,0,0,0,0,0,0,1,2,4,0.4215196,-2780,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5255",0,0,0,0,0,600,-5400,600,-5400,-5400,-4675,40,21975,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-5400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5256",32000,0,120000,0,120000,94150,94150,126150,126150,246150,257625,50,49830,1,8,0,0,1,0,1,0,0,1,1,0,0,0,5,1,0.4414764,126150,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5257",0,0,80000,0,80000,2823,2823,2823,2823,82823,82823,40,41568,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,2823,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5258",0,0,0,0,0,100,100,100,100,100,7100,40,16848,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5259",0,0,0,0,0,50,-6950,50,-6950,-6950,-6950,25,27606,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,-6950,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5260",0,0,0,0,0,249,249,249,249,249,249,42,40035,7,12,0,1,1,1,1,0,0,0,0,1,0,0,5,2,0.3243191,249,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5261",0,0,87000,85000,2000,5000,3900,5000,3900,5900,13900,28,42801,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3900,1,0,0,0,0,1,0,0,1,0,0,0,0 -"5262",0,0,0,0,0,0,0,0,0,0,2975,37,18240,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5263",0,0,60000,40000,20000,28420,28420,28420,28420,48420,48920,51,14574,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,28420,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5264",0,0,0,0,0,4000,2600,4000,2600,2600,5675,28,29160,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,2600,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5265",0,0,0,0,0,5000,5000,5000,5000,5000,9200,35,17472,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,5000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5266",0,0,0,0,0,5150,5150,5150,5150,5150,14150,25,24534,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,5150,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5267",0,0,0,0,0,20,20,20,20,20,3199,34,12000,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,20,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5268",0,0,75000,18000,57000,400,-300,400,-300,56700,57700,49,18975,2,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5269",0,0,0,0,0,17100,16800,17100,16800,16800,16800,55,28893,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,16800,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5270",0,0,50000,25000,25000,0,-600,0,-600,24400,24400,45,18600,6,2,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5271",0,0,0,0,0,0,0,0,0,0,500,41,41040,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.3055234,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5272",20000,0,300000,0,300000,80000,77000,100000,97000,397000,404575,61,37980,2,13,0,0,0,0,1,0,0,1,0,0,1,0,4,3,0.3669286,97000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5273",6600,0,73000,68000,5000,547500,544500,554100,551100,556100,566100,45,76938,4,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,551100,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5274",0,0,0,0,0,999,899,999,899,899,6399,35,42540,5,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.3243191,899,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5275",0,0,54000,0,54000,43400,42632,43400,42632,96632,96632,62,44403,2,10,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,42632,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5276",0,0,45000,33000,12000,1700,-900,1700,-900,11100,11100,29,30606,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-900,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5277",0,0,30000,30000,0,25199,23699,25199,23699,23699,32199,31,43116,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,23699,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5278",0,0,0,0,0,1140,-959,1140,-959,-959,-959,31,20418,4,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-959,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5279",0,0,0,0,0,499,-2701,499,-2701,-2701,4395,38,17946,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-2701,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5280",48000,0,70000,0,70000,83100,82812,131100,130812,200812,200812,59,45519,2,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,130812,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5281",0,0,60000,68000,-8000,1450,450,1450,450,-7550,1450,30,32430,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,450,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5282",0,0,42000,41900,100,500,500,500,500,600,3000,28,24258,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5283",9600,0,0,0,0,655,-545,10255,9055,9055,15055,39,34908,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.277538,9055,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5284",0,0,0,0,0,1800,-2700,1800,-2700,-2700,-2700,28,510,1,16,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2700,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5285",0,0,0,0,0,90,-1120,90,-1120,-1120,1880,30,18378,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-1120,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5286",0,0,75000,62000,13000,2900,-5400,2900,-5400,7600,25600,44,63627,2,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5287",0,0,146500,95500,51000,5400,3200,5400,3200,54200,61400,46,36930,1,13,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,3200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5288",0,0,146500,146500,0,300,-1025,300,-1025,-1025,-1025,46,85065,4,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,-1025,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5289",0,0,0,0,0,0,0,0,0,0,1500,27,14655,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5290",4000,0,150000,150000,0,4499,4499,8499,8499,8499,13499,34,35118,7,15,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,8499,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5291",0,0,0,0,0,2200,700,2200,700,700,6700,27,28845,2,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5292",0,0,0,0,0,4800,4200,4800,4200,4200,4550,28,11616,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,4200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5293",0,0,40000,32000,8000,13000,13000,13000,13000,21000,21000,41,15480,4,7,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,13000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5294",0,0,0,0,0,4500,4415,4500,4415,4415,4415,41,26610,4,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.2092901,4415,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5295",0,0,0,0,0,0,0,0,0,0,1500,29,11721,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5296",0,0,0,0,0,100,-3400,100,-3400,-3400,-1850,44,24174,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-3400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5297",0,0,59000,32500,26500,160,-7495,160,-7495,19005,19005,42,16326,4,15,1,1,0,1,1,0,0,0,0,0,1,0,2,3,0.3623197,-7495,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5298",1300,0,150000,100000,50000,18300,16600,19600,17900,67900,67900,35,51300,5,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,17900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5299",0,0,0,0,0,1300,800,1300,800,800,12800,52,46800,4,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,800,0,0,0,0,0,1,0,0,0,0,0,1,0 -"5300",0,0,0,0,0,2600,1500,2600,1500,1500,3000,49,16284,1,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,1500,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5301",0,0,0,0,0,15220,11535,15220,11535,11535,23535,64,26733,2,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,11535,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5302",0,0,0,0,0,10520,8220,10520,8220,8220,11020,58,27264,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,8220,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5303",0,0,50000,30000,20000,1050,-250,1050,-250,19750,22300,28,21639,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-250,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5304",0,0,0,0,0,0,0,0,0,0,0,54,27240,5,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5305",0,0,0,0,0,4100,-6500,4100,-6500,-6500,-1800,44,19560,1,17,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-6500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5306",0,0,78000,70000,8000,4499,2499,4499,2499,10499,34274,45,39207,3,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,2499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5307",0,0,0,0,0,6500,-5500,6500,-5500,-5500,-1834,28,27546,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-5500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5308",0,0,0,0,0,0,-400,0,-400,-400,8061,30,8400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-400,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5309",0,0,90000,40000,50000,4100,-5400,4100,-5400,44600,44600,38,56115,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5310",4000,0,67000,44000,23000,10,10,4010,4010,27010,30010,37,30438,3,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,4010,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5311",66703,0,260000,0,260000,274000,274000,345603,345603,605603,805603,52,110952,5,12,0,1,0,1,1,0,0,1,0,1,0,0,7,2,0.5801663,340703,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5312",0,0,0,0,0,3900,3900,3900,3900,3900,5400,25,18846,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,3900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5313",0,0,0,0,0,24320,24320,24320,24320,24320,24320,31,42336,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,24320,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5314",4000,0,120000,83000,37000,4000,1900,8000,5900,42900,42900,31,27906,3,16,0,1,0,0,1,0,0,1,0,0,0,1,3,4,0.2696004,5900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5315",900,0,90000,65000,25000,2500,-400,3400,500,25500,30350,46,36120,1,14,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.3669286,500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5316",0,0,42000,10500,31500,100,-3900,100,-3900,27600,28100,37,13839,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-3900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5317",0,0,0,0,0,0,-775,0,-775,-775,575,36,7317,1,18,0,1,1,0,1,0,0,0,0,0,0,1,1,4,0.0486785,-775,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5318",0,0,75000,71500,3500,300,-8700,300,-8700,-5200,3800,45,61830,3,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-8700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5319",13000,0,85000,4883,80117,91766,91766,104766,104766,184883,184883,62,45432,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,104766,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5320",0,0,120000,37000,83000,8600,7600,8600,7600,90600,90600,58,33219,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,7600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5321",0,0,0,0,0,3000,3000,3000,3000,3000,8333,32,13140,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5322",0,0,0,0,0,1100,645,1100,645,645,645,43,12240,3,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,645,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5323",0,0,105000,64480,40520,4285,2085,4285,2085,42605,88605,46,33408,1,15,1,0,1,0,1,0,0,0,0,0,1,0,4,3,0.6028074,2085,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5324",0,0,60000,35000,25000,4435,4245,4435,4245,29245,34295,36,29160,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.491887,4245,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5325",2500,0,90000,77000,13000,6999,3899,9499,6399,19399,45399,39,91980,3,13,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,6399,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5326",0,0,0,0,0,400,400,400,400,400,2219,33,25326,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5327",0,0,30000,22000,8000,150,-1600,150,-1600,6400,6400,37,19446,4,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-1600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5328",0,0,47500,25000,22500,4100,3484,4100,3484,25984,25984,38,25290,5,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,3484,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5329",0,0,70000,54000,16000,1000,-4456,1000,-4456,11544,12069,37,30942,3,18,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,-4456,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5330",0,0,0,0,0,0,0,0,0,0,0,30,20400,3,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5331",0,0,60000,20000,40000,299,-15001,299,-15001,24999,24999,33,31236,6,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-15001,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5332",0,0,73000,63000,10000,1500,-500,1500,-500,9500,10500,45,9456,1,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,-500,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5333",0,0,90000,25000,65000,5000,5000,5000,5000,70000,70000,36,48300,4,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,5000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5334",0,0,0,0,0,400,400,400,400,400,400,44,15135,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5335",0,0,100000,43000,57000,2000,-6000,2000,-6000,51000,58000,38,31020,4,10,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-6000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5336",0,0,90000,0,90000,599,599,599,599,90599,90599,60,38949,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,599,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5337",0,0,200000,0,200000,0,0,0,0,200000,272000,60,12792,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5338",0,0,0,0,0,2600,2600,2600,2600,2600,2600,25,4944,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,2600,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5339",0,0,0,0,0,499,499,499,499,499,499,30,20430,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,499,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5340",0,0,2500,0,2500,1000,-2400,1000,-2400,100,5300,41,30240,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,-2400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5341",0,0,92500,0,92500,80,-2100,80,-2100,90400,97400,57,32592,4,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2100,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5342",0,0,210000,103000,107000,74999,73499,74999,73499,180499,180499,44,55344,4,15,0,1,0,0,1,0,0,0,0,0,1,0,6,3,0.5405443,73499,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5343",20000,0,75000,30000,45000,35000,35000,55000,55000,100000,127000,63,55500,2,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,55000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5344",0,0,0,0,0,300,0,300,0,0,4875,28,22833,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5345",0,0,300000,20000,280000,0,0,0,0,280000,293596,38,41496,1,12,0,0,0,0,1,0,0,0,0,1,0,0,5,2,0.4200058,0,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5346",0,0,0,0,0,88,68,88,68,68,68,28,7779,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,68,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5347",0,0,0,0,0,6130,5741,6130,5741,5741,13195,29,44670,4,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.3243191,5741,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5348",0,0,0,0,0,310,310,310,310,310,810,38,5133,1,15,0,1,1,0,1,0,0,0,0,0,1,0,1,3,0.0486785,310,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5349",0,0,15500,15500,0,1345,-655,1345,-655,-655,10345,33,25356,4,1,1,1,0,1,1,0,0,0,1,0,0,0,3,1,0.3978536,-655,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5350",0,0,0,0,0,0,0,0,0,0,0,37,7563,5,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5351",0,0,68000,0,68000,999,-29001,999,-29001,38999,38999,61,49002,5,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,-29001,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5352",0,0,140000,69000,71000,0,-500,0,-500,70500,70500,34,13320,4,10,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,-500,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5353",0,0,40000,38000,2000,432,432,432,432,2432,2932,43,14829,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,432,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5354",0,0,0,0,0,5,-995,5,-995,-995,1430,29,15555,2,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-995,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5355",0,0,100000,29900,70100,0,-3000,0,-3000,67100,67100,51,8730,2,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.062312,-3000,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5356",0,0,65000,47900,17100,525,-3975,525,-3975,13125,34405,46,25332,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-3975,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5357",0,0,90000,39950,50050,0,0,0,0,50050,50050,50,17688,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5358",0,0,0,0,0,25,-19425,25,-19425,-19425,-17350,34,29430,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-19425,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5359",0,0,0,0,0,2812,-12188,2812,-12188,-12188,-7088,34,39303,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-12188,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5360",0,0,0,0,0,0,0,0,0,0,0,58,8607,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"5361",0,0,0,0,0,4300,2728,4300,2728,2728,2728,25,19458,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,2728,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5362",0,0,21000,12500,8500,5000,4500,5000,4500,13000,13000,59,7740,2,7,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,4500,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5363",0,0,0,0,0,0,0,0,0,0,0,55,4590,4,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"5364",0,0,0,0,0,3100,3100,3100,3100,3100,4600,60,17124,2,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,3100,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5365",3500,0,0,0,0,58500,58500,62000,62000,62000,78553,59,36696,1,14,1,0,1,0,1,0,0,1,0,0,1,0,4,3,0.6739899,62000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5366",2500,0,190000,76000,114000,7000,800,9500,3300,117300,122000,37,52821,5,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,3300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5367",0,0,88000,16000,72000,2199,-8801,2199,-8801,63199,68199,57,24612,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-8801,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5368",0,0,31000,31000,0,200,-300,200,-300,-300,-300,58,19986,3,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-300,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5369",425,0,82000,76000,6000,10250,8250,10675,8675,14675,14675,44,55230,3,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,8675,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5370",17000,0,90000,50000,40000,37253,37253,54253,54253,94253,99528,52,50544,2,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,54253,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5371",0,0,0,0,0,317,317,317,317,317,817,30,12633,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,317,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5372",0,0,0,0,0,0,-1600,0,-1600,-1600,-1600,27,16530,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-1600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5373",0,0,0,0,0,0,0,0,0,0,500,28,21600,2,15,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5374",0,0,16000,0,16000,300,300,300,300,16300,16300,45,15840,2,11,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5375",0,0,46500,46500,0,1200,1200,1200,1200,1200,1200,50,31296,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5376",0,0,0,0,0,448,448,448,448,448,1198,30,15300,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,448,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5377",0,0,39000,36000,3000,1000,-1200,1000,-1200,1800,10800,41,27375,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5378",0,0,150000,21750,128250,0,0,0,0,128250,128750,62,9690,1,8,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5379",0,0,55000,30000,25000,90,-1910,90,-1910,23090,24590,42,12240,4,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1910,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5380",0,0,15000,700,14300,5,5,5,5,14305,13805,35,12963,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,5,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5381",0,0,45000,38000,7000,999,999,999,999,7999,7999,35,19260,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,999,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5382",0,0,0,0,0,0,0,0,0,0,0,46,5589,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5383",96,0,65000,35000,30000,1500,-1600,1596,-1504,28496,46146,41,9345,1,16,1,0,0,0,1,0,0,1,0,0,0,1,1,4,0.2696344,-1504,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5384",220,0,0,0,0,70,70,290,290,290,290,45,63300,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.3533661,290,0,0,0,0,0,0,1,0,0,0,0,1,0 -"5385",0,0,0,0,0,0,0,0,0,0,0,46,11640,3,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5386",0,0,35000,0,35000,825,825,825,825,35825,51825,43,14172,4,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4041266,825,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5387",0,0,0,0,0,0,-16000,0,-16000,-16000,-16000,41,240,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-16000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5388",0,0,0,0,0,0,0,0,0,0,500,34,11850,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5389",0,0,15000,0,15000,600,-1688,600,-1688,13312,15673,55,9888,1,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,-1688,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5390",10000,0,31000,0,31000,3227,3027,23227,23027,54027,65527,37,30507,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,13027,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5391",0,0,40000,36000,4000,17,-2883,17,-2883,1117,1117,38,9759,7,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-2883,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5392",0,0,115000,70000,45000,850,-950,850,-950,44050,44050,39,58650,6,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,-950,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5393",3000,0,50000,0,50000,13749,13749,16749,16749,66749,75624,51,35031,1,12,1,0,1,0,1,0,0,1,0,1,0,0,4,2,0.6174901,16749,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5394",0,0,0,0,0,150,-2850,150,-2850,-2850,-2850,39,15720,4,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-2850,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5395",0,0,0,0,0,600,600,600,600,600,600,27,15444,7,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5396",0,0,250000,0,250000,128000,122800,128000,122800,372800,372800,45,33240,4,17,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,122800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5397",7500,0,260000,150000,110000,8899,5599,16399,13099,123099,141942,45,72075,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,13099,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5398",8000,0,220000,45000,175000,2821,2571,10821,10571,185571,185571,40,63225,6,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,10571,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5399",0,0,40000,0,40000,19200,19200,19200,19200,59200,69200,51,30516,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,19200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5400",2200,0,95000,0,95000,10900,10900,13100,13100,108100,122850,39,30825,1,15,0,0,1,0,1,0,0,1,0,0,1,0,4,3,0.3669286,13100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5401",0,0,80000,33750,46250,0,0,0,0,46250,46250,43,12828,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5402",0,0,0,0,0,500,500,500,500,500,3000,32,25338,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5403",0,0,80000,64000,16000,343,343,343,343,16343,25343,38,31938,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,343,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5404",0,0,50000,45000,5000,549,-3151,549,-3151,1849,3349,43,17880,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-3151,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5405",2050,0,90000,0,90000,34800,23800,36850,25850,115850,132850,42,63858,3,17,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,25850,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5406",650,0,36000,25000,11000,800,-3320,1450,-2670,8330,15172,36,21525,1,13,0,0,1,0,1,0,0,1,0,0,1,0,3,3,0.2658667,-2670,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5407",0,0,45000,0,45000,499,-1501,499,-1501,43499,160499,61,14466,2,9,0,1,1,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-1501,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5408",0,0,0,0,0,65,-635,65,-635,-635,-635,29,36213,6,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-635,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5409",0,0,0,0,0,100,-1400,100,-1400,-1400,-1400,48,19200,5,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1400,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5410",0,0,70000,25000,45000,46000,46000,46000,46000,91000,118500,39,26700,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,46000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5411",0,0,0,0,0,24350,24350,24350,24350,24350,24890,29,68439,3,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,24350,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5412",0,0,0,0,0,550,550,550,550,550,1800,48,20970,4,10,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,550,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5413",0,0,100000,75000,25000,17000,17000,17000,17000,42000,138975,49,23100,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,17000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5414",0,0,52000,400,51600,3800,3200,3800,3200,54800,113396,48,31830,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,3200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5415",0,0,150000,80000,70000,35299,32299,35299,32299,102299,107799,48,49263,4,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,32299,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5416",0,0,230000,149000,81000,10700,10700,10700,10700,91700,91700,31,47154,3,16,0,1,0,0,1,0,0,0,0,0,0,1,5,4,0.4407951,10700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5417",0,0,42000,0,42000,0,0,0,0,42000,43000,53,8700,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5418",0,0,0,0,0,0,0,0,0,0,0,61,40770,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 -"5419",0,0,95000,52000,43000,3000,3000,3000,3000,46000,50500,42,50937,5,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5420",16360,0,75000,10200,64800,2100,2100,18460,18460,83260,83260,46,49431,4,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,18460,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5421",12000,0,0,0,0,85000,85000,97000,97000,97000,97000,59,49701,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.3249403,97000,0,0,0,0,0,1,0,0,0,0,0,0,1 -"5422",0,0,0,0,0,3399,3399,3399,3399,3399,9242,43,17706,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,3399,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5423",0,0,0,0,0,49,-181,49,-181,-181,2869,37,15156,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-181,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5424",0,0,150000,0,150000,200,200,200,200,150200,151200,56,12036,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,200,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5425",0,0,0,0,0,4,4,4,4,4,4,32,4668,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,4,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5426",0,0,0,0,0,155,-31845,155,-31845,-31845,-5345,41,80439,2,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.4572618,-31845,0,0,0,0,0,0,0,1,0,0,1,0,0 -"5427",0,0,0,0,0,0,0,0,0,0,3350,26,10710,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5428",0,0,20000,0,20000,50,-800,50,-800,19200,20700,48,9180,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-800,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5429",0,0,100000,0,100000,0,0,0,0,100000,102500,53,18696,6,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5430",0,0,35000,0,35000,0,0,0,0,35000,35000,45,11766,5,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5431",0,0,0,0,0,0,0,0,0,0,2500,37,15771,1,14,0,1,1,0,1,0,0,0,0,0,1,0,2,3,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5432",3000,0,0,0,0,1395,795,4395,3795,3795,11445,27,22047,1,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2029813,3795,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5433",0,0,25000,11700,13300,400,100,400,100,13400,13400,63,16536,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,100,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5434",0,0,0,0,0,15199,13399,15199,13399,13399,13399,28,5412,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,13399,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5435",1500,0,124000,69000,55000,530,-1370,2030,130,55130,57030,52,43212,1,18,1,0,1,0,1,0,0,1,0,0,0,1,5,4,0.650903,130,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5436",6000,0,0,0,0,48350,48350,54350,54350,54350,64750,43,58569,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,54350,0,0,0,0,0,0,1,0,0,0,1,0,0 -"5437",0,0,0,0,0,0,0,0,0,0,5250,29,30633,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3086649,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5438",0,0,0,0,0,0,0,0,0,0,0,42,9948,5,3,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5439",0,0,11000,12000,-1000,75,-1925,75,-1925,-2925,-2925,57,14232,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-1925,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5440",0,0,140000,90000,50000,40,40,40,40,50040,60719,54,15594,4,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,40,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5441",0,0,40000,25000,15000,4,-2996,4,-2996,12004,15657,33,11376,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2996,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5442",28000,0,100000,12000,88000,25100,25100,53100,53100,141100,141100,63,27885,3,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,53100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5443",0,0,100000,0,100000,7799,7799,7799,7799,107799,107799,57,12516,4,14,0,1,0,1,1,0,0,0,0,0,1,0,2,3,0.1582553,7799,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5444",6000,0,225000,150000,75000,81500,80500,87500,86500,161500,161850,35,102171,4,18,1,1,1,0,1,0,0,1,0,0,0,1,7,4,0.7316045,86500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"5445",0,0,80000,74500,5500,1570,-28430,1570,-28430,-22930,-22930,29,52047,2,1,1,1,0,1,1,0,0,0,1,0,0,0,6,1,0.6688337,-28430,1,0,0,0,0,0,1,0,1,0,0,0,0 -"5446",0,0,50000,40000,10000,50,50,50,50,10050,17050,36,13821,2,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.143074,50,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5447",21500,0,138000,65000,73000,7400,6800,28900,28300,101300,101300,41,52182,4,16,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,28300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5448",0,0,42000,15000,27000,8049,7049,8049,7049,34049,43049,30,36693,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,7049,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5449",0,0,0,0,0,0,-200,0,-200,-200,-200,31,20436,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5450",0,0,28500,28500,0,351,-1149,351,-1149,-1149,-1149,37,22680,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-1149,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5451",0,0,0,0,0,0,0,0,0,0,0,27,20100,3,1,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5452",0,0,38000,33000,5000,5,-14995,5,-14995,-9995,-9995,52,23307,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-14995,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5453",6000,0,85000,0,85000,100,-5025,6100,975,85975,86475,42,6639,1,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1431995,975,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5454",0,0,165000,25000,140000,3420,3203,3420,3203,143203,200203,48,25662,2,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,3203,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5455",0,0,1500,0,1500,500,200,500,200,1700,2450,34,8988,6,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,200,1,1,0,0,0,0,0,0,0,1,0,0,0 -"5456",50000,0,95000,27500,67500,2500,2500,52500,52500,120000,120000,55,34320,3,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,52500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5457",20000,0,20000,0,20000,1304445,1304445,1324445,1324445,1344445,1424445,59,242124,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,1324445,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5458",0,0,4000,0,4000,341,-829,341,-829,3171,3171,25,18447,4,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-829,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5459",0,0,0,0,0,0,-2000,0,-2000,-2000,-2000,51,6240,3,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-2000,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5460",0,0,0,0,0,1000,1000,1000,1000,1000,1000,36,19791,1,11,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5461",0,0,85000,42000,43000,550,-6450,550,-6450,36550,36550,34,18744,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-6450,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5462",0,0,100000,50000,50000,74999,72999,74999,72999,122999,122999,55,55500,3,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,72999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5463",0,0,42000,0,42000,6,6,6,6,42006,42906,40,22800,5,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,6,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5464",0,0,57000,49000,8000,15500,14500,15500,14500,22500,24500,29,14850,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,14500,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5465",6000,0,82000,44000,38000,4000,3875,10000,9875,47875,50028,47,27006,2,14,0,0,0,0,1,0,0,1,0,0,1,0,3,3,0.2658667,9875,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5466",0,0,50000,40000,10000,0,-2500,0,-2500,7500,21950,57,21840,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-2500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5467",0,0,0,0,0,1700,1700,1700,1700,1700,2325,41,12504,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,1700,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5468",0,0,13000,13000,0,1000,-523,1000,-523,-523,2477,31,15300,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-523,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5469",0,0,0,0,0,1310,-790,1310,-790,-790,710,42,14640,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-790,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5470",0,0,35000,23500,11500,2700,-2300,2700,-2300,9200,44200,31,37524,7,12,0,1,1,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-2300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5471",0,0,0,0,0,0,0,0,0,0,0,36,17928,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5472",0,0,0,0,0,10010,10010,10010,10010,10010,10010,28,25800,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,10010,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5473",0,0,0,0,0,1000,1000,1000,1000,1000,1000,58,22302,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,1000,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5474",6000,0,0,0,0,7006,3606,13006,9606,9606,13209,27,40584,1,16,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.6430668,9606,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5475",4000,0,150000,85000,65000,9200,3700,13200,7700,72700,72700,52,73110,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,7700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5476",15000,0,25000,0,25000,40000,40000,55000,55000,80000,83420,55,23640,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,55000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5477",0,0,0,0,0,700,150,700,150,150,9329,38,35805,4,15,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,150,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5478",0,0,50000,43000,7000,150,-11950,150,-11950,-4950,-2284,43,25371,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-11950,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5479",0,0,0,0,0,3000,3000,3000,3000,3000,3500,27,52860,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.3169526,3000,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5480",0,0,25000,18000,7000,600,600,600,600,7600,8600,42,10428,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5481",0,0,0,0,0,299,299,299,299,299,2042,47,10098,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,299,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5482",35000,0,60000,0,60000,76000,75400,111000,110400,170400,178400,59,46500,3,12,0,1,0,0,1,0,0,1,0,1,0,0,5,2,0.4624346,110400,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5483",0,0,0,0,0,1099,-14901,1099,-14901,-14901,-12362,30,19644,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-14901,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5484",6000,0,0,0,0,7700,-3000,13700,3000,3000,3000,26,70443,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.3533661,3000,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5485",0,0,0,0,0,2099,-932,2099,-932,-932,2368,33,58149,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-932,0,0,0,0,0,0,1,0,0,1,0,0,0 -"5486",0,0,0,0,0,50,50,50,50,50,50,29,54060,3,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5000061,50,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5487",0,0,0,0,0,0,-3000,0,-3000,-3000,-2000,32,40800,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,-3000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5488",0,0,0,0,0,20,20,20,20,20,2770,40,19044,4,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,20,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5489",0,0,0,0,0,0,-600,0,-600,-600,5149,29,7788,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-600,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5490",0,0,55000,40150,14850,300,300,300,300,15150,23103,42,36468,5,15,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5491",4800,0,230000,150000,80000,139999,139599,144799,144399,224399,359599,55,32115,2,12,0,0,0,0,1,0,0,1,0,1,0,0,4,2,0.3669286,144399,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5492",0,0,0,0,0,0,0,0,0,0,2575,35,12420,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5493",30000,0,130000,90000,40000,17200,13200,47200,43200,83200,214500,42,53100,6,17,0,1,0,0,1,0,0,1,0,0,0,1,6,4,0.5336504,43200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5494",0,0,80000,80000,0,0,-2200,0,-2200,-2200,800,32,36150,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-2200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5495",0,0,0,0,0,0,-2800,0,-2800,-2800,-2800,48,6000,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2800,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5496",0,0,0,0,0,2000,500,2000,500,500,900,32,24060,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5497",0,0,285000,23000,262000,3400,3000,3400,3000,265000,265000,26,39660,2,18,0,1,0,1,1,0,0,0,0,0,0,1,4,4,0.3719455,3000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5498",2200,0,135000,102000,33000,800,-50,3000,2150,35150,51459,48,31905,2,12,0,1,1,0,1,0,0,1,0,1,0,0,4,2,0.3524857,2150,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5499",0,0,0,0,0,3000,200,3000,200,200,200,32,15216,10,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5500",0,0,100000,91200,8800,50000,47500,50000,47500,56300,56300,48,27000,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,47500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5501",0,0,73500,73500,0,30499,28949,30499,28949,28949,82848,45,23028,2,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,28949,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5502",0,0,60000,27000,33000,4999,2899,4999,2899,35899,35899,52,35340,2,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,2899,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5503",4300,0,300000,25000,275000,199147,198447,203447,202747,477747,534190,36,48573,3,18,0,1,0,0,1,0,0,1,0,0,0,1,5,4,0.4624346,202747,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5504",21204,0,74000,0,74000,28988,28988,50192,50192,124192,138268,63,65457,1,18,1,0,0,0,1,0,0,1,0,0,0,1,6,4,0.7856908,50192,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5505",0,0,0,0,0,500,-500,500,-500,-500,925,26,25815,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5506",0,0,0,0,0,26,-14,26,-14,-14,486,35,16896,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-14,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5507",2550,0,55000,27000,28000,2548,2548,5098,5098,33098,33098,63,15993,2,12,0,1,0,0,1,0,0,1,0,1,0,0,2,2,0.1464927,5098,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5508",0,0,0,0,0,1900,1500,1900,1500,1500,56600,31,44868,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,1500,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5509",0,0,0,0,0,499,499,499,499,499,3849,26,18030,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,499,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5510",0,0,0,0,0,650,-8900,650,-8900,-8900,19450,61,26982,1,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-8900,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5511",0,0,0,0,0,450,450,450,450,450,13450,35,48615,4,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,450,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5512",0,0,35000,30000,5000,22700,22300,22700,22300,27300,73100,38,47043,5,16,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,22300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5513",0,0,0,0,0,99,-5901,99,-5901,-5901,-2658,28,39045,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-5901,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5514",0,0,65000,50000,15000,100,-2900,100,-2900,12100,13100,33,24606,2,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-2900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5515",0,0,0,0,0,80,-6920,80,-6920,-6920,-6420,37,20403,1,6,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,-6920,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5516",0,0,0,0,0,0,0,0,0,0,1000,60,0,1,7,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"5517",0,0,0,0,0,30,-3420,30,-3420,-3420,5,31,7293,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-3420,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5518",0,0,120000,38000,82000,6500,4000,6500,4000,86000,92746,49,48168,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,4000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5519",0,0,65000,22500,42500,800,-3200,800,-3200,39300,52300,43,25056,4,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5520",5000,0,80000,59000,21000,9999,6999,14999,11999,32999,35424,35,31200,1,12,0,0,1,0,1,0,0,1,0,1,0,0,4,2,0.3669286,11999,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5521",0,0,46776,35610,11166,150,-3850,150,-3850,7316,7316,48,30402,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-3850,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5522",0,0,100000,40000,60000,7999,7999,7999,7999,67999,67999,47,74970,4,12,1,1,0,1,1,0,0,0,0,1,0,0,6,2,0.6688337,7999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5523",0,0,0,0,0,325,-3075,325,-3075,-3075,-2575,26,21456,1,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-3075,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5524",0,0,15000,0,15000,1000,1000,1000,1000,16000,16000,35,21450,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5525",0,0,0,0,0,900,900,900,900,900,900,28,20916,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5526",0,0,220000,0,220000,37998,37998,37998,37998,257998,277998,60,81618,3,12,0,1,0,1,1,0,0,0,0,1,0,0,7,2,0.5679367,37998,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5527",3190,0,80000,50000,30000,800,-2200,3990,990,30990,32990,45,14427,3,14,1,1,0,0,1,0,0,1,0,0,1,0,2,3,0.273258,990,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5528",0,0,38000,18500,19500,1020,1020,1020,1020,20520,20520,48,32595,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,1020,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5529",0,0,60000,48000,12000,0,0,0,0,12000,12000,40,9690,5,5,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5530",0,0,58000,10500,47500,0,-300,0,-300,47200,60200,51,11094,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5531",31500,0,75000,0,75000,87000,83400,118500,114900,189900,259400,63,29013,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,114900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5532",0,0,50000,0,50000,45500,45500,45500,45500,95500,95500,59,21921,2,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,45500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5533",0,0,0,0,0,0,0,0,0,0,0,25,17280,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5534",0,0,0,0,0,0,0,0,0,0,0,25,11652,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5535",0,0,100000,0,100000,2000,0,2000,0,100000,104000,63,42300,1,14,0,0,1,0,1,0,0,0,0,0,1,0,5,3,0.4200058,0,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5536",0,0,0,0,0,5100,3100,5100,3100,3100,3100,32,15009,4,16,0,1,0,0,1,0,0,0,0,0,0,1,2,4,0.1283302,3100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5537",0,0,0,0,0,2300,-4700,2300,-4700,-4700,-4700,25,21150,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5538",0,0,0,0,0,249,249,249,249,249,249,55,15135,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,249,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5539",10000,0,0,0,0,15000,-10000,25000,0,0,2000,38,92253,3,18,1,0,0,0,1,0,0,1,0,0,0,1,7,4,0.4935519,0,0,0,0,0,0,0,0,1,0,0,1,0,0 -"5540",26000,0,93000,45000,48000,56949,56949,82949,82949,130949,130949,63,61245,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,82949,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5541",4000,0,207000,115000,92000,4497,3997,8497,7997,99997,99997,39,62610,3,18,0,1,1,1,1,0,0,1,0,0,0,1,6,4,0.5336504,7997,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5542",0,0,0,0,0,0,0,0,0,0,500,39,17412,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5543",0,0,0,0,0,500,-3000,500,-3000,-3000,138419,37,19236,1,14,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5544",0,0,0,0,0,2300,866,2300,866,866,5866,26,26388,4,13,1,1,0,1,1,0,0,0,0,0,1,0,3,3,0.4366938,866,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5545",0,0,18000,13000,5000,400,-2600,400,-2600,2400,3650,39,16341,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5546",0,0,0,0,0,820,820,820,820,820,820,32,40215,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,820,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5547",0,0,130000,96000,34000,1999,-20001,1999,-20001,13999,13999,43,65973,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-20001,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5548",0,0,66000,64000,2000,927,-3073,927,-3073,-1073,13927,26,43275,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-3073,1,0,0,0,0,1,0,0,1,0,0,0,0 -"5549",0,0,54000,54000,0,4498,4498,4498,4498,4498,14773,32,28599,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,4498,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5550",11000,0,45000,33000,12000,17030,15530,28030,26530,38530,44080,54,28329,2,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,26530,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5551",0,0,0,0,0,75000,75000,75000,75000,75000,78333,47,25533,2,11,1,0,0,0,1,0,0,0,1,0,0,0,3,1,0.5315681,75000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5552",0,0,0,0,0,0,0,0,0,0,0,51,10509,2,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5553",0,0,70000,59000,11000,399,-1701,399,-1701,9299,10324,54,22074,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-1701,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5554",0,0,82000,74000,8000,2300,-7700,2300,-7700,300,3550,37,56346,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-7700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5555",0,0,47500,32500,15000,2000,2000,2000,2000,17000,17000,29,17970,3,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1582553,2000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5556",2500,0,150000,75000,75000,499,199,2999,2699,77699,80899,39,35178,5,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,2699,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5557",5000,0,0,0,0,10000,9910,15000,14910,14910,14910,39,15300,6,16,0,1,0,0,1,0,0,1,0,0,0,1,2,4,0.118155,14910,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5558",20000,0,44000,31000,13000,399,399,20399,20399,33399,222899,35,50424,4,13,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,20399,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5559",0,0,63500,32000,31500,40,40,40,40,31540,32165,44,17850,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,40,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5560",7200,0,115000,102000,13000,45872,45415,53072,52615,65615,65615,31,34818,4,17,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,52615,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5561",32500,0,250000,38000,212000,83000,61300,115500,93800,305800,410000,54,75876,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,93800,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5562",17500,0,80000,0,80000,4999,4999,22499,22499,102499,102499,60,39288,2,10,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,22499,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5563",0,0,4000,0,4000,0,-1691,0,-1691,2309,2309,63,10146,2,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-1691,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5564",0,0,118000,67000,51000,1000,-1500,1000,-1500,49500,60670,40,86781,2,16,0,1,1,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-1500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5565",0,0,59000,59000,0,20,-1755,20,-1755,-1755,6245,30,21690,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1755,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5566",0,0,0,0,0,100,-750,100,-750,-750,3250,39,38454,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-750,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5567",0,0,0,0,0,50,-1150,50,-1150,-1150,-1150,27,8814,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-1150,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5568",0,0,170000,85000,85000,8000,7000,8000,7000,92000,92000,28,38466,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.3719455,7000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5569",4000,0,200000,112000,88000,5500,2000,9500,6000,94000,96000,43,83886,5,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,6000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5570",0,0,0,0,0,0,-310,0,-310,-310,-310,39,16140,5,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-310,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5571",0,0,38000,17250,20750,111,111,111,111,20861,21861,30,13440,3,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,111,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5572",0,0,8000,10000,-2000,126,-11000,126,-11000,-13000,51000,28,31824,5,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-11000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5573",0,0,0,0,0,36,36,36,36,36,1536,32,14997,12,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,36,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5574",3000,0,0,0,0,4926,4926,7926,7926,7926,110926,29,45687,2,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.3442089,7926,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5575",0,0,38000,0,38000,100,-1900,100,-1900,36100,36100,55,29097,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5576",0,0,17000,10000,7000,710,-22065,710,-22065,-15065,-6065,48,26952,6,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-22065,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5577",0,0,0,0,0,0,0,0,0,0,0,32,37593,4,16,1,1,1,1,1,0,0,0,0,0,0,1,4,4,0.5896286,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5578",0,0,0,0,0,0,0,0,0,0,-500,28,6006,2,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5579",0,0,0,0,0,350,350,350,350,350,350,32,14925,1,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,350,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5580",0,0,0,0,0,0,0,0,0,0,45000,32,36000,5,18,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.2951996,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5581",0,0,0,0,0,229,229,229,229,229,1729,35,24033,2,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,229,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5582",2000,0,190000,88000,102000,13000,13000,26000,26000,128000,128000,36,77010,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,15000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5583",14800,0,38500,38500,0,6485,5885,21285,20685,20685,23210,48,40641,1,12,0,0,1,0,1,0,0,1,0,1,0,0,5,2,0.4414764,20685,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5584",0,0,0,0,0,800,800,800,800,800,7800,32,25314,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2060434,800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5585",0,0,85000,70500,14500,95,95,95,95,14595,18595,34,17253,2,12,1,1,0,0,1,0,0,0,0,1,0,0,2,2,0.3623197,95,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5586",0,0,0,0,0,100,-1900,100,-1900,-1900,-750,29,12216,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-1900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5587",27000,0,0,0,0,82100,82100,109100,109100,109100,109100,35,23973,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2029813,109100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5588",0,0,0,0,0,0,0,0,0,0,1850,34,13584,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5589",0,0,0,0,0,22500,16500,22500,16500,16500,26500,31,25560,3,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.2092901,16500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5590",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,27,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-1400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5591",20103,0,0,0,0,90000,90000,110103,110103,110103,118103,37,49806,1,18,0,0,0,0,1,0,0,1,0,0,0,1,5,4,0.3249403,110103,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5592",0,0,75000,35000,40000,4122,3067,4122,3067,43067,47067,45,57915,3,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,3067,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5593",8600,0,97000,83500,13500,6000,5500,14600,14100,27600,27600,49,30300,3,16,0,0,0,0,1,0,0,1,0,0,0,1,4,4,0.3669286,14100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5594",0,0,78000,72000,6000,3315,515,3315,515,6515,6515,28,57612,2,16,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5405443,515,1,0,0,0,0,0,1,0,1,0,0,0,0 -"5595",0,0,25000,0,25000,40,40,40,40,25040,28140,47,13644,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,40,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5596",0,0,0,0,0,0,0,0,0,0,0,55,10200,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5597",0,0,52000,39500,12500,2300,-1700,2300,-1700,10800,10800,26,32748,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-1700,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5598",0,0,80000,63500,16500,500,-1900,500,-1900,14600,14600,50,31278,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5599",0,0,0,0,0,25,25,25,25,25,25,34,8400,3,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,25,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5600",0,0,40000,0,40000,4,-2596,4,-2596,37404,37404,37,25455,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-2596,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5601",2181,0,69000,63800,5200,200,-500,2381,1681,6881,9856,29,22464,2,16,1,0,1,0,1,0,0,1,0,0,0,1,3,4,0.4720998,1681,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5602",16800,0,0,0,0,4000,-4000,20800,12800,12800,64800,52,48000,3,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.3442089,12800,0,0,0,0,0,1,0,0,0,0,0,1,0 -"5603",0,0,80000,37500,42500,3300,300,3300,300,42800,51800,38,31875,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5604",0,0,0,0,0,0,-13551,0,-13551,-13551,-13551,41,7824,1,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-13551,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5605",32000,0,0,0,0,6200,5500,38200,37500,37500,39500,59,20769,2,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2061994,37500,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5606",0,0,0,0,0,499,99,499,99,99,99,42,23430,5,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,99,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5607",0,0,65000,10000,55000,5000,3500,5000,3500,58500,63300,32,43521,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,3500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5608",0,0,200000,25000,175000,15000,15000,15000,15000,190000,310000,55,65124,2,13,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,15000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5609",0,0,60000,22500,37500,50199,47199,50199,47199,84699,86199,55,34248,2,17,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6028074,47199,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5610",0,0,0,0,0,0,0,0,0,0,0,33,8670,2,13,0,1,0,0,1,0,0,0,0,0,1,0,1,3,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5611",0,0,12000,0,12000,300,300,300,300,12300,12300,62,20151,2,5,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5612",0,0,27000,0,27000,600,600,600,600,27600,28600,61,11424,1,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,600,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5613",0,0,15000,0,15000,0,-875,0,-875,14125,14125,57,20094,2,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-875,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5614",26500,0,150000,78500,71500,36035,36035,62535,62535,134035,134035,36,46710,5,14,0,1,0,0,1,0,0,1,0,0,1,0,5,3,0.4624346,62535,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5615",50000,0,300000,150000,150000,5798,5798,55798,55798,205798,216091,52,56514,2,18,0,0,0,0,1,0,0,1,0,0,0,1,6,4,0.4868788,55798,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5616",0,0,95000,60000,35000,13949,13949,13949,13949,48949,49449,35,55788,1,18,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,13949,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5617",0,0,200000,68000,132000,10599,9999,10599,9999,141999,366999,56,39117,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5618",0,0,27000,27000,0,4000,3100,4000,3100,3100,3100,39,21300,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,3100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5619",0,0,85000,76500,8500,700,230,700,230,8730,11730,30,31725,6,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,230,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5620",0,0,0,0,0,7300,300,7300,300,300,300,33,28560,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5621",0,0,0,0,0,0,-2400,0,-2400,-2400,-2400,25,6138,3,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,-2400,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5622",0,0,0,0,0,100,-4000,100,-4000,-4000,-3500,39,13773,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-4000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5623",30500,0,115000,0,115000,449,-17051,30949,13449,128449,156449,51,39165,3,18,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,13449,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5624",0,0,50000,0,50000,0,0,0,0,50000,55242,59,1950,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5625",0,0,60000,56000,4000,4300,-7700,4300,-7700,-3700,-3700,28,34503,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-7700,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5626",0,0,0,0,0,0,0,0,0,0,0,45,17442,5,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5627",14700,0,130000,65000,65000,75,-5025,14775,9675,74675,74675,53,50439,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,9675,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5628",0,0,95000,72000,23000,400,-17100,400,-17100,5900,9250,35,26550,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-17100,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5629",0,0,0,0,0,20000,20000,20000,20000,20000,24225,44,22500,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,20000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5630",900,0,0,0,0,548,248,1448,1148,1148,3648,46,9720,1,12,1,0,0,0,1,0,0,1,0,1,0,0,1,2,0.2246842,1148,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5631",0,0,46500,40800,5700,1000,-800,1000,-800,4900,5400,29,21276,2,13,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-800,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5632",1000,0,0,0,0,32148,28648,33148,29648,29648,29648,30,85569,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.4696543,29648,0,0,0,0,0,0,0,1,0,1,0,0,0 -"5633",0,0,26000,15000,11000,400,-3600,400,-3600,7400,8350,30,27624,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3600,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5634",50000,0,28000,6000,22000,3050,2450,53050,52450,74450,155650,52,92724,2,14,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,52450,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5635",26000,0,80000,0,80000,21900,21900,47900,47900,127900,129400,58,22050,1,8,0,0,1,0,1,0,0,1,1,0,0,0,3,1,0.2658667,47900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5636",0,0,0,0,0,1599,1599,1599,1599,1599,6841,64,6498,1,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,1599,0,1,0,0,0,0,0,0,0,0,0,0,1 -"5637",0,0,0,0,0,249,-651,249,-651,-651,7349,45,54255,4,17,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,-651,0,0,0,0,0,0,1,0,0,0,0,1,0 -"5638",0,0,0,0,0,59,59,59,59,59,509,47,8019,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,59,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5639",50300,0,90000,0,90000,46000,43000,96300,93300,183300,390300,50,28908,3,13,1,1,1,1,1,0,0,1,0,0,1,0,3,3,0.3788275,93300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5640",0,0,60000,0,60000,0,0,0,0,60000,61500,57,14280,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5641",0,0,0,0,0,0,-1200,0,-1200,-1200,150,28,17643,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5642",0,0,0,0,0,13700,13000,13700,13000,13000,13000,57,19260,3,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,13000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5643",0,0,0,0,0,0,-400,0,-400,-400,2600,34,21600,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5644",0,0,0,0,0,0,0,0,0,0,12725,30,12525,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5645",0,0,45000,37000,8000,1543,1473,1543,1473,9473,9473,35,41280,4,13,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.6077043,1473,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5646",0,0,45000,33750,11250,1248,-8752,1248,-8752,2498,100998,38,59229,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-8752,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5647",0,0,0,0,0,5,5,5,5,5,6994,31,28356,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,5,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5648",0,0,0,0,0,3810,3810,3810,3810,3810,67585,36,28464,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,3810,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5649",0,0,72500,68500,4000,4540,340,4540,340,4340,26840,49,41154,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,340,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5650",0,0,0,0,0,2000,2000,2000,2000,2000,2000,62,19236,1,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5651",0,0,0,0,0,169,169,169,169,169,1994,27,18909,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,169,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5652",26000,0,125000,95000,30000,4700,2200,30700,28200,58200,177200,56,80400,2,14,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.7316045,28200,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5653",37000,0,80000,0,80000,7399,6399,44399,43399,123399,163399,55,76077,3,12,1,1,0,1,1,0,0,1,0,1,0,0,7,2,0.7316045,43399,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5654",0,0,0,0,0,400,400,400,400,400,5642,33,13749,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5655",0,0,0,0,0,469,-2736,469,-2736,-2736,2264,30,39957,4,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-2736,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5656",0,0,110000,60000,50000,7240,7190,7240,7190,57190,67690,34,35184,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,7190,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5657",0,0,80000,35000,45000,4500,4200,4500,4200,49200,50675,55,25710,1,13,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,4200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5658",15000,0,105000,80000,25000,65700,45593,80700,60593,85593,155593,59,76899,2,12,0,1,0,0,1,0,0,1,0,1,0,0,7,2,0.5801663,60593,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5659",6000,0,65000,45000,20000,0,-3700,6000,2300,22300,22300,41,28050,4,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,2300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5660",0,0,0,0,0,0,0,0,0,0,0,46,9180,5,6,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5661",5700,0,85000,20500,64500,12499,10499,18199,16199,80699,83199,44,23055,1,18,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,16199,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5662",0,0,30000,25500,4500,2725,-2975,2725,-2975,1525,2775,35,26460,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-2975,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5663",10000,0,70000,37500,32500,1099,1099,11099,11099,43599,47530,38,22194,2,14,0,1,0,0,1,0,0,1,0,0,1,0,3,3,0.2696004,11099,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5664",0,0,0,0,0,1800,200,1800,200,200,2345,33,17454,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5665",0,0,130000,75000,55000,500,500,500,500,55500,70500,42,58629,4,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5666",0,0,0,0,0,150,-850,150,-850,-850,-850,35,31443,4,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5667",0,0,43000,39600,3400,776,-2674,776,-2674,726,1331,30,13152,3,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-2674,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5668",0,0,75000,56000,19000,1600,400,1600,400,19400,21900,63,24096,2,6,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,400,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5669",0,0,0,0,0,5000,5000,5000,5000,5000,5000,48,30660,3,16,1,1,1,0,1,0,0,0,0,0,0,1,4,4,0.5896286,5000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5670",0,0,0,0,0,2300,2300,2300,2300,2300,9025,29,18168,4,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,2300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5671",11000,0,75000,0,75000,7430,7430,18430,18430,93430,110330,48,45618,4,14,0,1,0,1,1,0,0,1,0,0,1,0,5,3,0.4624346,18430,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5672",0,0,55000,44000,11000,12100,11900,12100,11900,22900,77900,59,42858,3,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,11900,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5673",0,0,50000,0,50000,5299,5299,5299,5299,55299,63760,58,21822,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,5299,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5674",48522,0,72000,18000,54000,44999,44999,93521,93521,147521,148421,54,52770,5,14,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,93521,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5675",0,0,0,0,0,10000,9300,10000,9300,9300,13625,28,36300,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,9300,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5676",0,0,0,0,0,700,-9500,700,-9500,-9500,1500,26,17919,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-9500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5677",0,0,170000,20000,150000,29998,29598,29998,29598,179598,179598,36,37077,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,29598,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5678",0,0,150000,45000,105000,3310,-1690,3310,-1690,103310,103310,44,54492,2,15,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-1690,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5679",0,0,0,0,0,0,-2600,0,-2600,-2600,-2600,50,27330,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-2600,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5680",0,0,56000,56000,0,1300,1300,1300,1300,1300,1300,30,22800,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5681",0,0,70000,16000,54000,2200,2000,2200,2000,56000,59800,41,12588,2,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,2000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5682",0,0,0,0,0,500,-400,500,-400,-400,4266,30,23118,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5683",0,0,0,0,0,2999,-501,2999,-501,-501,1624,30,22641,1,18,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,-501,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5684",0,0,45000,33000,12000,2100,-2400,2100,-2400,9600,9600,48,25692,5,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-2400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5685",0,0,89000,67000,22000,5000,4101,5000,4101,26101,26101,29,29730,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,4101,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5686",0,0,100000,18000,82000,11749,10749,11749,10749,92749,93749,62,16524,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,10749,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5687",0,0,0,0,0,206,-22794,206,-22794,-22794,-22794,44,60903,3,11,0,1,0,1,1,0,0,0,1,0,0,0,6,1,0.3598378,-22794,0,0,0,0,0,0,1,0,0,0,1,0,0 -"5688",0,0,145000,120000,25000,3499,3499,3499,3499,28499,36742,37,33996,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,3499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5689",0,0,0,0,0,1400,-5100,1400,-5100,-5100,-5100,31,33513,7,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-5100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5690",0,0,0,0,0,0,0,0,0,0,7350,34,44625,1,12,0,0,1,0,1,0,0,0,0,1,0,0,5,2,0.3055234,0,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5691",60089,0,200000,90000,110000,249,112,60338,60201,170201,170201,54,50553,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,60201,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5692",0,0,0,0,0,1719,1569,1719,1569,1569,2319,39,14382,3,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,1569,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5693",0,0,0,0,0,500,-800,500,-800,-800,-800,27,20385,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5694",0,0,0,0,0,5841,5241,5841,5241,5241,10991,34,28410,2,15,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,5241,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5695",0,0,7000,0,7000,20000,15150,20000,15150,22150,22150,31,28248,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,15150,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5696",16350,0,0,0,0,2999,2749,19349,19099,19099,38457,56,39180,2,7,1,0,1,0,1,0,0,1,1,0,0,0,4,1,0.6739899,19099,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5697",0,0,15000,0,15000,0,-360,0,-360,14640,14640,44,5436,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-360,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5698",0,0,45000,13000,32000,900,-1170,900,-1170,30830,35830,32,24990,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1170,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5699",0,0,0,0,0,250,-2250,250,-2250,-2250,-1050,27,13482,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2250,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5700",0,0,0,0,0,0,0,0,0,0,0,52,15096,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5701",0,0,69000,62000,7000,3000,2300,3000,2300,9300,15150,30,27840,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,2300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5702",5700,0,116000,96000,20000,5900,5700,11600,11400,31400,31400,25,55890,2,14,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,1,0,0,0,0 -"5703",0,0,0,0,0,300,300,300,300,300,300,56,38382,2,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,300,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5704",0,0,0,0,0,3300,3300,3300,3300,3300,3800,25,20004,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,3300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5705",0,0,0,0,0,0,-495,0,-495,-495,-495,25,28254,3,12,0,1,1,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-495,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5706",0,0,0,0,0,1400,1400,1400,1400,1400,40400,27,86790,4,12,0,1,1,1,1,0,0,0,0,1,0,0,7,2,0.4572618,1400,0,0,0,0,0,0,0,1,1,0,0,0,0 -"5707",0,0,0,0,0,609,209,609,209,209,329,30,33420,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,209,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5708",0,0,240000,0,240000,300,300,300,300,240300,240300,43,43146,7,14,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5709",0,0,0,0,0,397,397,397,397,397,397,35,9354,6,7,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.0486785,397,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5710",0,0,0,0,0,0,0,0,0,0,0,33,17328,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5711",0,0,0,0,0,100,-300,100,-300,-300,5050,39,33078,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5712",0,0,0,0,0,325,325,325,325,325,4825,57,15930,1,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,325,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5713",24000,0,200000,50000,150000,302000,152000,326000,176000,326000,356000,57,66960,4,15,0,1,0,0,1,0,0,1,0,0,1,0,6,3,0.5336504,176000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5714",0,0,0,0,0,0,-10000,0,-10000,-10000,-5667,41,21081,1,11,1,0,1,0,1,0,0,0,1,0,0,0,3,1,0.5315681,-10000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5715",0,0,0,0,0,30,30,30,30,30,530,35,24123,3,14,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.5315681,30,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5716",0,0,65000,0,65000,96,96,96,96,65096,65096,42,18540,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,96,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5717",0,0,0,0,0,2412,112,2412,112,112,112,29,11505,1,15,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,112,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5718",0,0,135000,77000,58000,7000,5800,7000,5800,63800,64160,49,57615,2,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5719",0,0,80000,75800,4200,8399,7399,8399,7399,11599,15599,34,36702,4,10,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,7399,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5720",0,0,0,0,0,0,-2100,0,-2100,-2100,400,31,15360,1,11,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-2100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5721",0,0,26000,23398,2602,400,-1600,400,-1600,1002,1002,29,19848,4,11,1,1,1,1,1,0,0,0,1,0,0,0,2,1,0.3623197,-1600,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5722",0,0,0,0,0,14999,13349,14999,13349,13349,71349,33,53700,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,13349,0,0,0,0,0,0,1,0,0,1,0,0,0 -"5723",130,0,24000,0,24000,2000,0,2130,130,24130,29130,25,37236,3,13,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.3524857,130,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5724",0,0,35000,18000,17000,0,-400,0,-400,16600,20104,41,15876,1,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4041266,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5725",0,0,0,0,0,1632,-9868,1632,-9868,-9868,-9600,50,30420,2,16,0,1,0,0,1,0,0,0,0,0,0,1,4,4,0.2951996,-9868,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5726",0,0,0,0,0,210,-2090,210,-2090,-2090,5410,32,35751,4,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2090,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5727",0,0,0,0,0,799,799,799,799,799,10299,32,24024,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,799,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5728",0,0,0,0,0,400,-9800,400,-9800,-9800,-9800,34,21603,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-9800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5729",0,0,60000,32000,28000,42499,41999,42499,41999,69999,69999,38,51798,2,14,0,0,0,0,1,0,0,0,0,0,1,0,6,3,0.4938007,41999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5730",13000,0,250000,0,250000,128200,127600,141200,140600,390600,467600,40,59340,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,140600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5731",0,0,60000,28000,32000,5724,5124,5724,5124,37124,43649,35,28893,4,11,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,5124,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5732",0,0,68000,16000,52000,20548,20348,20548,20348,72348,73098,45,27786,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,20348,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5733",0,0,0,0,0,0,-600,0,-600,-600,-600,26,12375,4,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5734",3000,0,265000,150000,115000,1120,-4380,4120,-1380,113620,131820,32,62352,1,17,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,-1380,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5735",0,0,0,0,0,1074,-2342,1074,-2342,-2342,-2342,25,30957,2,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-2342,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5736",5170,0,132000,98000,34000,268,-6232,5438,-1062,32938,41938,29,59652,3,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,-1062,1,0,0,0,0,0,1,0,1,0,0,0,0 -"5737",0,0,70000,42000,28000,3724,-11276,3724,-11276,16724,28469,46,51339,4,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-11276,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5738",48660,0,90000,0,90000,45498,41634,94158,90294,180294,224794,54,98907,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,90294,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5739",0,0,0,0,0,0,0,0,0,0,1000,26,14616,2,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5740",0,0,0,0,0,49800,49800,49800,49800,49800,53150,43,57645,2,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.5906146,49800,0,0,0,0,0,0,1,0,0,0,1,0,0 -"5741",0,0,0,0,0,863,263,863,263,263,2963,43,11452,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,263,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5742",0,0,0,0,0,1500,0,1500,0,0,500,64,30174,1,18,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3086649,0,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5743",1163,0,82000,63000,19000,2000,1750,3163,2913,21913,31913,28,21600,3,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,2913,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5744",0,0,0,0,0,59,59,59,59,59,1742,34,9081,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,59,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5745",2750,0,53000,43000,10000,10190,10190,12940,12940,22940,25440,36,24048,1,16,0,0,0,0,1,0,0,1,0,0,0,1,3,4,0.2658667,12940,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5746",0,0,60000,55000,5000,975,-8225,975,-8225,-3225,2575,35,21132,1,18,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-8225,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5747",0,0,35000,23000,12000,1100,-3900,1100,-3900,8100,21100,48,31506,5,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-3900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5748",0,0,40000,30000,10000,900,-300,900,-300,9700,10700,33,33006,3,15,1,1,0,1,1,0,0,0,0,0,1,0,4,3,0.5297047,-300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5749",0,0,90000,63000,27000,11324,11289,11324,11289,38289,41289,46,20121,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,11289,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5750",0,0,200000,123000,77000,4449,4449,4449,4449,81449,86449,33,30963,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,4449,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5751",45000,0,0,0,0,7399,7399,52399,52399,52399,64606,58,30264,3,17,1,1,0,0,1,0,0,1,0,0,0,1,4,4,0.6044431,52399,0,0,0,0,1,0,0,0,0,0,0,0,1 -"5752",0,0,0,0,0,400,400,400,400,400,9400,25,26535,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5753",0,0,30000,27000,3000,135,-15565,135,-15565,-12565,-565,35,28782,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-15565,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5754",0,0,75000,46600,28400,0,-6000,0,-6000,22400,25750,49,31944,2,13,1,0,0,0,1,0,0,0,0,0,1,0,4,3,0.6028074,-6000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5755",0,0,0,0,0,20999,18999,20999,18999,18999,21649,55,27600,3,17,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,18999,0,0,0,1,0,0,0,0,0,0,0,0,1 -"5756",0,0,106000,45000,61000,150,-11550,150,-11550,49450,55450,43,40428,5,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-11550,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5757",0,0,0,0,0,4500,-2000,4500,-2000,-2000,-2000,25,5712,1,18,0,0,0,0,1,0,0,0,0,0,0,1,1,4,0.0278493,-2000,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5758",0,0,0,0,0,0,0,0,0,0,6596,31,11220,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5759",0,0,60000,42500,17500,20,20,20,20,17520,19020,49,7500,4,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.036628,20,1,1,0,0,0,0,0,0,0,0,0,1,0 -"5760",10600,0,0,0,0,200,200,10800,10800,10800,10800,43,37392,6,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.277538,10800,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5761",0,0,0,0,0,35000,35000,35000,35000,35000,57596,27,38874,1,17,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6600804,35000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5762",30000,0,280000,150000,130000,368600,368600,398600,398600,528600,528600,49,105330,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,398600,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5763",0,0,0,0,0,0,-500,0,-500,-500,14500,43,14280,4,4,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5764",0,0,110000,0,110000,22998,22998,22998,22998,132998,425798,54,31587,2,10,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,22998,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5765",0,0,0,0,0,0,0,0,0,0,1000,45,11250,1,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5766",4000,0,0,0,0,200,-8414,4200,-4414,-4414,-1414,51,14493,2,9,0,0,0,0,1,0,0,1,1,0,0,0,2,1,0.105793,-4414,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5767",0,0,0,0,0,0,-2415,0,-2415,-2415,-1515,38,14892,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,-2415,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5768",0,0,80000,10900,69100,1000,500,1000,500,69600,70750,45,20430,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5769",0,0,0,0,0,301,-799,301,-799,-799,-799,30,32784,2,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-799,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5770",1931,0,35000,0,35000,4144,4144,6075,6075,41075,41575,62,6948,1,13,0,0,0,0,1,0,0,1,0,0,1,0,1,3,0.1431995,6075,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5771",0,0,80000,75000,5000,500,-3000,500,-3000,2000,13796,35,27129,2,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,-3000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5772",0,0,21111,19000,2111,1120,-9680,1120,-9680,-7569,-686,28,22440,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-9680,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5773",90000,0,85000,40000,45000,5300,5000,95300,95000,140000,142000,56,71748,3,12,1,1,0,1,1,0,0,1,0,1,0,0,6,2,0.7130944,95000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5774",0,0,0,0,0,3380,-2320,3380,-2320,-2320,-1520,26,35493,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-2320,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5775",14000,0,80000,75000,5000,420,420,14420,14420,19420,28016,42,47010,3,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,14420,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5776",0,0,50000,16000,34000,1800,1601,1800,1601,35601,39601,28,18234,3,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,1601,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5777",0,0,300000,150000,150000,2499,2499,2499,2499,152499,168749,55,21150,5,16,0,1,0,0,1,0,0,0,0,0,0,1,3,4,0.273178,2499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5778",0,0,58000,36000,22000,2999,-4001,2999,-4001,17999,33999,57,12792,1,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,-4001,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5779",0,0,0,0,0,175,-1025,175,-1025,-1025,475,35,16977,2,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-1025,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5780",0,0,100000,28000,72000,10,10,10,10,72010,114260,40,41616,2,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5315816,10,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5781",0,0,86000,86000,0,0,-300,0,-300,-300,-300,47,26316,5,12,1,1,1,0,1,0,0,0,0,1,0,0,3,2,0.3978536,-300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5782",0,0,0,0,0,0,-1000,0,-1000,-1000,-1000,35,4395,4,9,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,-1000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5783",0,0,0,0,0,500,200,500,200,200,5200,46,7680,5,6,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0.0486785,200,0,1,0,0,0,0,0,0,0,0,0,1,0 -"5784",0,0,80000,35000,45000,1000,1000,1000,1000,46000,54000,63,24057,3,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,1000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5785",0,0,0,0,0,0,0,0,0,0,0,33,21960,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5786",0,0,0,0,0,10,-4240,10,-4240,-4240,-4240,38,33855,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5896286,-4240,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5787",0,0,100000,19600,80400,1086,-10914,1086,-10914,69486,69486,59,23808,2,9,1,1,0,0,1,0,0,0,1,0,0,0,3,1,0.3978536,-10914,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5788",0,0,50000,40000,10000,0,0,0,0,10000,10000,28,15708,2,10,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5789",0,0,50000,30000,20000,200,200,200,200,20200,32361,54,25380,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5790",0,0,52000,47500,4500,2500,-3250,2500,-3250,1250,1250,32,29940,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-3250,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5791",0,0,40000,22000,18000,75,-1925,75,-1925,16075,17925,56,14703,1,10,1,0,1,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-1925,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5792",0,0,0,0,0,20300,15800,20300,15800,15800,15800,32,86280,4,12,1,1,1,1,1,0,0,0,0,1,0,0,7,2,0.4347773,15800,0,0,0,0,0,0,0,1,0,1,0,0,0 -"5793",0,0,60000,52000,8000,4843,-2157,4843,-2157,5843,23843,41,70275,4,14,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-2157,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5794",0,0,0,0,0,110,110,110,110,110,7110,30,25380,3,10,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.2092901,110,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5795",13631,0,115000,86000,29000,121965,121865,135596,135496,164496,164496,36,61446,3,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,135496,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5796",0,0,75000,68400,6600,3000,2000,3000,2000,8600,12975,44,30861,4,15,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3866406,2000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5797",0,0,50000,48000,2000,18839,17139,18839,17139,19139,19139,58,34089,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,17139,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5798",0,0,0,0,0,350,350,350,350,350,350,25,14079,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5799",0,0,0,0,0,0,0,0,0,0,750,48,10200,1,13,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5800",0,0,0,0,0,0,0,0,0,0,3136,29,13500,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5801",0,0,5800,0,5800,12999,12999,12999,12999,18799,25649,35,16140,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,12999,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5802",0,0,0,0,0,499,499,499,499,499,999,49,10215,4,5,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,499,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5803",10000,0,150000,0,150000,6550,6550,16550,16550,166550,166550,36,67320,4,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,16550,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5804",0,0,57000,45000,12000,1650,-14450,1650,-14450,-2450,-950,32,29550,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-14450,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5805",0,0,0,0,0,1000,1000,1000,1000,1000,7200,27,54000,1,12,0,0,1,0,1,0,0,0,0,1,0,0,6,2,0.3169526,1000,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5806",0,0,60000,45000,15000,300,-3400,300,-3400,11600,12900,35,22110,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-3400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5807",0,0,0,0,0,350,-6650,350,-6650,-6650,7411,37,18000,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-6650,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5808",0,0,0,0,0,50,-1190,50,-1190,-1190,5310,25,16302,6,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,-1190,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5809",0,0,90000,70000,20000,4475,2475,4475,2475,22475,23475,33,35400,2,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,2475,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5810",0,0,9000,0,9000,5,-150,5,-150,8850,14092,45,15054,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-150,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5811",18500,0,175000,0,175000,117073,117073,135573,135573,310573,310573,53,106956,3,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,135573,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5812",0,0,70000,36000,34000,1200,-18600,1200,-18600,15400,19400,39,63294,5,14,1,1,0,1,1,0,0,0,0,0,1,0,6,3,0.6688337,-18600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5813",0,0,0,0,0,0,-5000,0,-5000,-5000,24000,38,56430,3,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,-5000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"5814",0,0,110000,106000,4000,1500,-9400,1500,-9400,-5400,15600,27,59331,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-9400,1,0,0,0,0,0,1,0,1,0,0,0,0 -"5815",67831,0,250000,115000,135000,266968,168500,334799,236331,371331,726456,50,65901,4,15,0,1,0,1,1,0,0,1,0,0,1,0,6,3,0.5336504,236331,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5816",0,0,0,0,0,100,-11900,100,-11900,-11900,-6700,39,7470,1,12,1,0,1,0,1,0,0,0,0,1,0,0,1,2,0.3021799,-11900,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5817",0,0,45000,0,45000,199,173,199,173,45173,45173,57,14292,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,173,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5818",0,0,0,0,0,264,-86,264,-86,-86,4137,27,15852,1,15,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-86,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5819",30000,0,110000,50000,60000,10723,7623,40723,37623,97623,172623,52,17106,4,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,37623,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5820",5000,0,85000,56000,29000,67200,67057,72200,72057,101057,114057,47,74670,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,72057,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5821",0,0,62000,28000,34000,6200,6200,6200,6200,40200,56200,25,37425,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,6200,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5822",0,0,25000,25000,0,99,99,99,99,99,99,50,25251,4,11,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,99,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5823",0,0,44000,0,44000,24000,21600,24000,21600,65600,65600,37,56085,2,16,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.5405443,21600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5824",0,0,80000,8000,72000,999,-5101,999,-5101,66899,69699,37,32631,4,11,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.3719455,-5101,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5825",0,0,0,0,0,2250,-8750,2250,-8750,-8750,-6020,42,33480,2,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-8750,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5826",0,0,0,0,0,3000,0,3000,0,0,6550,44,79041,1,16,1,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4394569,0,0,0,0,0,0,0,0,1,0,0,1,0,0 -"5827",0,0,0,0,0,0,-400,0,-400,-400,100,49,10713,2,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,-400,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5828",0,0,25000,16500,8500,28,28,28,28,8528,11953,43,7542,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,28,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5829",0,0,58000,32500,25500,0,0,0,0,25500,25500,34,10056,7,3,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5830",5132,0,100000,80000,20000,1100,-900,6232,4232,24232,112232,47,30075,3,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,4232,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5831",0,0,10000,10000,0,0,-273,0,-273,-273,-273,39,7806,4,9,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0.062312,-273,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5832",0,0,60000,48000,12000,10300,10300,10300,10300,22300,22300,40,16875,4,12,1,1,1,0,1,0,0,0,0,1,0,0,2,2,0.3623197,10300,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5833",0,0,28500,28500,0,850,-1050,850,-1050,-1050,5950,36,26952,4,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,-1050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5834",0,0,95000,0,95000,43000,41302,43000,41302,136302,136302,63,46122,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,41302,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5835",3175,0,90000,69000,21000,25799,25799,28974,28974,49974,49974,36,9933,4,18,0,1,0,1,1,0,0,1,0,0,0,1,1,4,0.2088342,28974,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5836",7800,0,85000,0,85000,7488,7308,15288,15108,100108,110108,55,23484,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,15108,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5837",0,0,75000,51000,24000,800,-5000,800,-5000,19000,35000,25,27480,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-5000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5838",0,0,40000,18000,22000,70,-8770,70,-8770,13230,27229,30,25422,4,12,1,1,0,1,1,0,0,0,0,1,0,0,3,2,0.3978536,-8770,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5839",0,0,150000,48000,102000,7600,7600,7600,7600,109600,112175,43,26580,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,7600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5840",0,0,54000,47500,6500,800,-21700,800,-21700,-15200,-12750,38,42378,4,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-21700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5841",0,0,0,0,0,125,-75,125,-75,-75,425,27,8103,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-75,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5842",0,0,5000,8000,-3000,0,0,0,0,-3000,-3000,37,9600,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"5843",0,0,36000,36000,0,50,50,50,50,50,2825,32,9144,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.036628,50,1,1,0,0,0,0,0,0,0,1,0,0,0 -"5844",0,0,58000,30000,28000,0,-5055,0,-5055,22945,22945,59,9078,2,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.062312,-5055,1,1,0,0,0,0,0,0,0,0,0,0,1 -"5845",0,0,60000,30000,30000,6000,4500,6000,4500,34500,34826,37,44316,2,13,0,1,0,0,1,0,0,0,0,0,1,0,5,3,0.4407951,4500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5846",0,0,63000,46000,17000,6268,5634,6268,5634,22634,29090,36,24000,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,5634,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5847",50000,0,300000,52000,248000,60000,59200,110000,109200,357200,405796,54,46839,2,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,109200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5848",0,0,0,0,0,1015,15,1015,15,15,2758,42,13851,4,8,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,15,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5849",0,0,0,0,0,100,100,100,100,100,3779,35,40572,1,8,1,0,1,0,1,0,0,0,1,0,0,0,5,1,0.5231876,100,0,0,0,0,0,1,0,0,0,1,0,0,0 -"5850",0,0,0,0,0,0,-5350,0,-5350,-5350,2150,29,34923,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3086649,-5350,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5851",0,0,95000,45800,49200,264,-1886,264,-1886,47314,47314,37,23193,7,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-1886,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5852",0,0,0,0,0,100,100,100,100,100,18100,31,28800,8,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5853",73000,0,280000,0,280000,43000,42500,116000,115500,395500,719500,62,61680,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,115500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5854",16000,0,165000,67000,98000,10000,8500,26000,24500,122500,127600,45,90300,4,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,24500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5855",0,0,0,0,0,950,-2550,950,-2550,-2550,8650,46,36369,3,13,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-2550,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5856",20000,0,80000,0,80000,20299,10299,40299,30299,110299,120361,55,23160,4,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,30299,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5857",500,0,0,0,0,50172,50072,50672,50572,50572,52884,25,57147,2,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5500422,50572,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5858",0,0,0,0,0,1799,1799,1799,1799,1799,1799,54,53133,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1799,0,0,0,0,0,0,1,0,0,0,0,1,0 -"5859",32000,0,115000,60000,55000,166269,165469,198269,197469,252469,272469,50,76395,3,17,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,197469,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5860",0,0,65000,48000,17000,849,409,849,409,17409,17409,34,27345,5,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,409,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5861",0,0,113000,90000,23000,444,44,444,44,23044,23044,46,72099,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.5405443,44,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5862",0,0,80000,57500,22500,600,-12600,600,-12600,9900,16400,59,37992,7,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-12600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"5863",19000,0,73000,64000,9000,16999,16499,35999,35499,44499,45999,27,77781,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,35499,1,0,0,0,0,0,0,1,1,0,0,0,0 -"5864",0,0,20000,10000,10000,0,0,0,0,10000,18340,42,14673,6,6,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5865",30000,0,95000,40000,55000,127075,127075,157075,157075,212075,220075,54,95634,2,16,0,1,0,1,1,0,0,1,0,0,0,1,7,4,0.5801663,157075,1,0,0,0,0,0,0,1,0,0,0,1,0 -"5866",0,0,0,0,0,0,0,0,0,0,0,36,25866,3,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5867",29000,0,60000,32000,28000,5000,5000,34000,34000,62000,62000,64,19374,2,12,0,1,0,1,1,0,0,1,0,1,0,0,2,2,0.1464927,34000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5868",9745,0,35000,0,35000,11799,10949,21544,20694,55694,65694,56,47877,2,10,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,20694,1,0,0,0,0,1,0,0,0,0,0,0,1 -"5869",0,0,0,0,0,0,0,0,0,0,0,40,8031,2,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5870",0,0,300000,108500,191500,200,-5800,200,-5800,185700,190900,43,37215,2,16,1,0,1,0,1,0,0,0,0,0,0,1,4,4,0.6028074,-5800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5871",0,0,65000,12000,53000,14600,14400,14600,14400,67400,67400,51,29820,2,12,1,1,0,0,1,0,0,0,0,1,0,0,3,2,0.3978536,14400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5872",0,0,0,0,0,0,-500,0,-500,-500,2850,29,62520,2,16,0,1,0,0,1,0,0,0,0,0,0,1,6,4,0.3598378,-500,0,0,0,0,0,0,1,0,1,0,0,0,0 -"5873",0,0,0,0,0,0,0,0,0,0,500,37,18942,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5874",21000,0,52000,39500,12500,1940,-19060,22940,1940,14440,25440,53,39192,2,10,0,1,0,1,1,0,0,1,1,0,0,0,4,1,0.3524857,1940,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5875",0,0,100000,28000,72000,3800,3800,3800,3800,75800,79760,29,37704,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,3800,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5876",0,0,0,0,0,3500,-1500,3500,-1500,-1500,15375,46,96060,1,12,0,0,1,0,1,0,0,0,0,1,0,0,7,2,0.3201262,-1500,0,0,0,0,0,0,0,1,0,0,0,1,0 -"5877",0,0,0,0,0,20,20,20,20,20,20,25,18903,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,20,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5878",0,0,0,0,0,0,0,0,0,0,500,28,12750,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5879",0,0,0,0,0,200,-850,200,-850,-850,3655,31,35856,5,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-850,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5880",0,0,0,0,0,5300,3300,5300,3300,3300,16003,28,48288,1,16,0,0,1,0,1,0,0,0,0,0,0,1,5,4,0.3055234,3300,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5881",0,0,300000,65000,235000,47000,42500,47000,42500,277500,344978,57,87063,3,13,0,1,0,0,1,0,0,0,0,0,1,0,7,3,0.5679367,42500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"5882",0,0,75000,72000,3000,250,250,250,250,3250,3250,30,54744,4,13,1,1,1,1,1,0,0,0,0,0,1,0,6,3,0.6688337,250,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5883",0,0,0,0,0,0,-2000,0,-2000,-2000,2053,46,15540,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-2000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5884",0,0,70000,36000,34000,14999,14999,14999,14999,48999,48999,34,51408,2,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,14999,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5885",0,0,35000,25000,10000,854,-5646,854,-5646,4354,12854,29,20400,4,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,-5646,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5886",0,0,190000,150000,40000,500,-5500,500,-5500,34500,34500,49,74310,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-5500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5887",20000,0,50000,0,50000,1800,1550,21800,21550,71550,81550,61,28926,5,16,0,1,0,1,1,0,0,1,0,0,0,1,3,4,0.2696004,21550,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5888",0,0,0,0,0,5500,5300,5500,5300,5300,5300,27,23550,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,5300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5889",0,0,0,0,0,52,-948,52,-948,-948,-948,57,13608,2,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,-948,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5890",0,0,0,0,0,0,0,0,0,0,0,28,5280,3,14,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5891",0,0,35000,29821,5179,7050,2050,7050,2050,7229,7229,38,24888,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,2050,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5892",0,0,20000,28800,-8800,80,-34382,80,-34382,-43182,-42182,27,11025,3,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-34382,1,0,1,0,0,0,0,0,1,0,0,0,0 -"5893",0,0,0,0,0,0,0,0,0,0,0,37,6309,7,6,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5894",0,0,65000,38200,26800,2749,1799,2749,1799,28599,28599,44,23787,5,13,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.273178,1799,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5895",0,0,0,0,0,0,0,0,0,0,5000,28,37680,3,12,0,1,1,1,1,0,0,0,0,1,0,0,4,2,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5896",0,0,35000,25200,9800,300,-4500,300,-4500,5300,12300,38,38349,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5897",0,0,0,0,0,0,0,0,0,0,0,25,5820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5898",0,0,35000,9000,26000,3000,-500,3000,-500,25500,33175,63,20322,1,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5899",0,0,0,0,0,0,-2625,0,-2625,-2625,-2625,31,16680,1,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.1152104,-2625,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5900",0,0,0,0,0,3000,-1500,3000,-1500,-1500,11000,38,11400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5901",0,0,30000,25000,5000,1949,-2051,1949,-2051,2949,2949,35,33759,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2051,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5902",0,0,5000,0,5000,0,0,0,0,5000,10721,34,34680,1,12,0,0,1,0,1,0,0,0,0,1,0,0,4,2,0.3866406,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5903",0,0,0,0,0,32649,32649,32649,32649,32649,33649,53,32049,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,32649,0,0,0,0,1,0,0,0,0,0,0,1,0 -"5904",15000,0,68000,0,68000,17600,11000,32600,26000,94000,97800,61,54192,2,14,1,1,0,0,1,0,0,1,0,0,1,0,6,3,0.7130944,26000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5905",0,0,65000,0,65000,15,-1985,15,-1985,63015,65015,29,22440,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1985,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5906",26000,0,200000,75000,125000,70600,70600,96600,96600,221600,343600,44,127200,2,18,1,1,0,1,1,0,0,1,0,0,0,1,7,4,0.7316045,96600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5907",24000,0,165000,147000,18000,40000,40000,64000,64000,82000,82000,34,38400,3,16,0,1,0,0,1,0,0,1,0,0,0,1,4,4,0.3524857,64000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5908",3300,0,80000,67400,12600,7971,3671,11271,6971,19571,32871,32,74862,3,18,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,6971,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5909",0,0,133900,48000,85900,22499,22499,22499,22499,108399,114574,53,37800,2,12,0,0,0,0,1,0,0,0,0,1,0,0,4,2,0.3866406,22499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5910",58000,0,190000,80000,110000,25000,24250,83000,82250,192250,192250,40,86400,5,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,82250,1,0,0,0,0,0,0,1,0,0,1,0,0 -"5911",0,0,0,0,0,0,-1200,0,-1200,-1200,-1200,44,42024,4,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,-1200,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5912",0,0,70000,44000,26000,5,-295,5,-295,25705,25705,32,25500,3,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-295,1,0,0,1,0,0,0,0,0,1,0,0,0 -"5913",0,0,68000,64000,4000,2650,-2675,2650,-2675,1325,1325,29,33075,3,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.3719455,-2675,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5914",0,0,0,0,0,2950,2924,2950,2924,2924,6774,27,16860,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,2924,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5915",0,0,0,0,0,0,0,0,0,0,500,41,13572,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5916",13000,0,98000,0,98000,11200,11200,24200,24200,122200,124200,41,49956,4,18,1,1,0,1,1,0,0,1,0,0,0,1,5,4,0.7196674,24200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5917",0,0,0,0,0,129,-6831,129,-6831,-6831,-3481,44,21288,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-6831,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5918",13000,0,80000,25000,55000,16049,15359,29049,28359,83359,94534,47,36768,2,16,1,0,0,0,1,0,0,1,0,0,0,1,4,4,0.6174901,28359,1,0,0,0,1,0,0,0,0,0,0,1,0 -"5919",0,0,300000,150000,150000,4150,4150,4150,4150,154150,160150,33,73680,2,18,0,1,1,1,1,0,0,0,0,0,0,1,6,4,0.5405443,4150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5920",0,0,0,0,0,15,15,15,15,15,3740,28,18360,1,16,0,0,1,0,1,0,0,0,0,0,0,1,2,4,0.1152104,15,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5921",18000,0,180000,0,180000,13498,13498,31498,31498,211498,211498,59,55356,4,9,0,1,0,1,1,0,0,1,1,0,0,0,6,1,0.5336504,31498,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5922",0,0,40000,40000,0,0,0,0,0,0,2000,32,10176,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5923",0,0,150000,108000,42000,1300,100,1300,100,42100,42100,52,21090,4,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5924",0,0,0,0,0,0,0,0,0,0,0,39,11808,5,5,0,1,0,1,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5925",0,0,0,0,0,1499,1299,1499,1299,1299,1299,43,24090,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,1299,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5926",0,0,8000,0,8000,4,-226,4,-226,7774,8774,43,10560,3,11,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-226,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5927",0,0,0,0,0,700,100,700,100,100,6525,31,38802,6,12,1,0,0,0,1,0,0,0,0,1,0,0,4,2,0.6600804,100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5928",0,0,52000,47700,4300,22356,21356,22356,21356,25656,29756,30,37161,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,21356,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5929",0,0,0,0,0,0,0,0,0,0,1500,45,10200,2,10,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5930",0,0,0,0,0,500,-5500,500,-5500,-5500,-3834,36,25200,4,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-5500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5931",0,0,70000,35000,35000,100,-100,100,-100,34900,35400,51,16968,4,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4041266,-100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"5932",0,0,0,0,0,10499,1594,10499,1594,1594,1594,30,57585,3,18,0,1,0,1,1,0,0,0,0,0,0,1,6,4,0.3598378,1594,0,0,0,0,0,0,1,0,0,1,0,0,0 -"5933",0,0,0,0,0,0,0,0,0,0,0,27,11940,4,12,0,1,1,0,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5934",0,0,160000,133500,26500,30249,18149,30249,18149,44649,149649,40,31785,6,14,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.3719455,18149,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5935",0,0,0,0,0,0,-2880,0,-2880,-2880,120,32,9033,4,12,0,1,0,1,1,0,0,0,0,1,0,0,1,2,0.0486785,-2880,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5936",0,0,130000,35000,95000,18700,17700,18700,17700,112700,112700,55,71757,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,17700,1,0,0,0,0,0,1,0,0,0,0,0,1 -"5937",0,0,0,0,0,0,-800,0,-800,-800,700,27,8364,1,10,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-800,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5938",0,0,0,0,0,5061,4124,5061,4124,4124,4624,33,16458,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,4124,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5939",0,0,0,0,0,1700,500,1700,500,500,500,31,15840,5,13,0,1,0,0,1,0,0,0,0,0,1,0,2,3,0.1283302,500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5940",0,0,0,0,0,7000,6800,7000,6800,6800,6800,25,20508,3,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,6800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"5941",0,0,0,0,0,873,-4827,873,-4827,-4827,-4827,26,47652,2,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-4827,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5942",0,0,75000,56000,19000,50,-3450,50,-3450,15550,17150,33,30864,7,12,1,1,1,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-3450,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5943",3000,0,0,0,0,0,0,3000,3000,3000,3500,31,8784,5,12,0,0,0,0,1,0,0,1,0,1,0,0,1,2,0.1173758,3000,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5944",0,0,0,0,0,728,268,728,268,268,268,34,29205,6,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,268,0,0,0,1,0,0,0,0,0,1,0,0,0 -"5945",0,0,50000,0,50000,30,-870,30,-870,49130,54380,55,15930,1,9,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.143074,-870,1,0,1,0,0,0,0,0,0,0,0,0,1 -"5946",0,0,110000,40000,70000,3765,-6235,3765,-6235,63765,105765,42,33726,3,14,1,1,0,0,1,0,0,0,0,0,1,0,4,3,0.5297047,-6235,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5947",0,0,45000,18000,27000,425,-5575,425,-5575,21425,21425,38,31206,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-5575,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5948",0,0,0,0,0,95,-105,95,-105,-105,-105,38,42684,5,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-105,0,0,0,0,0,1,0,0,0,0,1,0,0 -"5949",0,0,130000,105000,25000,7900,5673,7900,5673,30673,30673,45,54738,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,5673,1,0,0,0,0,0,1,0,0,0,0,1,0 -"5950",0,0,0,0,0,702,-14758,702,-14758,-14758,-14758,47,28866,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-14758,0,0,0,1,0,0,0,0,0,0,0,1,0 -"5951",0,0,96000,89000,7000,3000,500,3000,500,7500,9575,33,30192,1,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3866406,500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"5952",0,0,144000,144000,0,449,-13551,449,-13551,-13551,-7551,34,62703,4,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.5405443,-13551,1,0,0,0,0,0,1,0,0,1,0,0,0 -"5953",0,0,30000,17000,13000,5700,5020,5700,5020,18020,19270,43,10980,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,5020,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5954",0,0,8000,0,8000,398,-1002,398,-1002,6998,11473,32,10164,5,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-1002,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5955",2000,0,50000,45000,5000,16500,16500,18500,18500,23500,44175,30,42150,1,16,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,18500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"5956",0,0,0,0,0,200,200,200,200,200,1700,28,14400,2,5,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5957",0,0,0,0,0,1100,740,1100,740,740,2740,28,16830,1,13,1,0,1,0,1,0,0,0,0,0,1,0,2,3,0.4215196,740,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5958",0,0,0,0,0,8000,8000,8000,8000,8000,8000,57,12555,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,8000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5959",0,0,40000,36000,4000,237,-4918,237,-4918,-918,-918,42,28377,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-4918,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5960",0,0,27000,23000,4000,20,-2480,20,-2480,1520,2020,34,16647,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2480,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5961",18000,0,180000,0,180000,12100,12100,30100,30100,210100,220100,63,26055,2,12,1,1,0,0,1,0,0,1,0,1,0,0,3,2,0.3788275,30100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5962",0,0,0,0,0,30,-62,30,-62,-62,-62,31,9096,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-62,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5963",0,0,0,0,0,60,-4940,60,-4940,-4940,-3344,38,20817,1,18,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-4940,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5964",2000,0,0,0,0,1499,-43101,3499,-41101,-41101,-34601,52,100086,2,14,0,1,0,0,1,0,0,1,0,0,1,0,7,3,0.4696543,-41101,0,0,0,0,0,0,0,1,0,0,0,1,0 -"5965",0,0,0,0,0,5800,-1000,5800,-1000,-1000,9000,27,41925,2,16,0,1,1,1,1,0,0,0,0,0,0,1,5,4,0.3243191,-1000,0,0,0,0,0,1,0,0,1,0,0,0,0 -"5966",4500,0,150000,38000,112000,500,-900,5000,3600,115600,119961,42,40740,5,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,3600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"5967",0,0,0,0,0,2618,-2482,2618,-2482,-2482,16518,33,36051,5,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,-2482,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5968",0,0,35000,32000,3000,110,-2279,110,-2279,721,3146,41,13689,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-2279,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5969",0,0,0,0,0,0,0,0,0,0,0,27,10200,2,7,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5970",0,0,0,0,0,0,-7000,0,-7000,-7000,-7000,38,8130,5,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,-7000,0,1,0,0,0,0,0,0,0,0,1,0,0 -"5971",0,0,275000,0,275000,100,100,100,100,275100,277500,48,23412,6,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5972",4000,0,27500,0,27500,26000,26000,30000,30000,57500,64725,31,12093,1,14,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,30000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5973",0,0,65000,60000,5000,0,0,0,0,5000,10950,26,30600,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,0,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5974",0,0,0,0,0,200,-800,200,-800,-800,200,30,16560,4,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"5975",0,0,0,0,0,300,-6200,300,-6200,-6200,-6200,34,36120,3,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,-6200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5976",7500,0,57000,17900,39100,1300,-4200,8800,3300,42400,51075,40,19548,3,16,1,0,0,0,1,0,0,1,0,0,0,1,2,4,0.3108636,3300,1,0,1,0,0,0,0,0,0,0,1,0,0 -"5977",0,0,0,0,0,999,999,999,999,999,1999,27,12660,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,999,0,0,1,0,0,0,0,0,1,0,0,0,0 -"5978",0,0,0,0,0,510,-5490,510,-5490,-5490,-2990,42,30000,3,18,1,0,0,0,1,0,0,0,0,0,0,1,4,4,0.6600804,-5490,0,0,0,0,1,0,0,0,0,0,1,0,0 -"5979",0,0,26500,26500,0,1000,1000,1000,1000,1000,1500,34,11730,2,9,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,1000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"5980",0,0,0,0,0,2600,2600,2600,2600,2600,5100,37,28236,1,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.5315681,2600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"5981",0,0,0,0,0,0,0,0,0,0,0,32,6030,3,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"5982",0,0,150000,126000,24000,52150,52150,52150,52150,76150,89850,41,59400,1,12,1,0,0,0,1,0,0,0,0,1,0,0,6,2,0.7472324,52150,1,0,0,0,0,0,1,0,0,0,1,0,0 -"5983",0,0,80000,67500,12500,120,-8880,120,-8880,3620,3620,57,25200,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-8880,1,0,0,1,0,0,0,0,0,0,0,0,1 -"5984",0,0,0,0,0,205,205,205,205,205,955,56,14730,1,11,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4215196,205,0,0,1,0,0,0,0,0,0,0,0,0,1 -"5985",0,0,150000,78000,72000,100,-3400,100,-3400,68600,70250,43,25500,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,-3400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5986",0,0,0,0,0,6807,6807,6807,6807,6807,7113,46,11856,1,13,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,6807,0,0,1,0,0,0,0,0,0,0,0,1,0 -"5987",0,0,150000,25000,125000,1100,1100,1100,1100,126100,126100,45,41886,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,1100,1,0,0,0,0,1,0,0,0,0,0,1,0 -"5988",0,0,58000,58000,0,1500,-17900,1500,-17900,-17900,-14900,40,29190,5,17,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-17900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5989",0,0,2000,15600,-13600,60,-9840,60,-9840,-23440,-17709,28,31440,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,-9840,1,0,0,0,1,0,0,0,1,0,0,0,0 -"5990",0,0,0,0,0,50,0,50,0,0,0,43,10800,5,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5991",0,0,0,0,0,0,0,0,0,0,0,41,12471,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"5992",0,0,0,0,0,1700,1700,1700,1700,1700,1700,26,33672,1,14,0,0,0,0,1,0,0,0,0,0,1,0,4,3,0.3086649,1700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"5993",0,0,0,0,0,1100,-6600,1100,-6600,-6600,-4100,34,34932,5,14,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,-6600,0,0,0,0,1,0,0,0,0,1,0,0,0 -"5994",0,0,0,0,0,400,400,400,400,400,18400,26,5268,2,14,0,0,1,0,1,0,0,0,0,0,1,0,1,3,0.0278493,400,0,1,0,0,0,0,0,0,1,0,0,0,0 -"5995",0,0,76000,68000,8000,5000,5000,5000,5000,13000,14000,27,29676,1,14,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.491887,5000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"5996",0,0,60000,33000,27000,31999,31999,31999,31999,58999,60132,46,26022,2,13,1,0,0,0,1,0,0,0,0,0,1,0,3,3,0.491887,31999,1,0,0,1,0,0,0,0,0,0,0,1,0 -"5997",11528,0,55000,36000,19000,999,999,12527,12527,31527,31527,37,36852,4,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,12527,1,0,0,0,1,0,0,0,0,0,1,0,0 -"5998",0,0,275000,130000,145000,8000,6000,8000,6000,151000,215461,39,21945,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,6000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"5999",0,0,0,0,0,0,0,0,0,0,0,33,54144,6,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.3598378,0,0,0,0,0,0,0,1,0,0,1,0,0,0 -"6000",0,0,82000,0,82000,0,-5770,0,-5770,76230,76230,30,29820,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-5770,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6001",0,0,100000,70000,30000,6800,4200,6800,4200,34200,37866,41,48336,2,17,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5315816,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6002",0,0,18000,0,18000,5509,5509,5509,5509,23509,23509,27,36675,3,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,5509,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6003",60000,0,115000,0,115000,4849,-5151,64849,54849,169849,181849,63,41448,2,11,0,1,0,1,1,0,0,1,1,0,0,0,5,1,0.4624346,54849,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6004",0,0,0,0,0,300,300,300,300,300,2800,32,9600,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,300,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6005",2500,0,115000,70000,45000,9500,8500,12000,11000,56000,65025,43,45549,1,18,1,0,0,0,1,0,0,1,0,0,0,1,5,4,0.650903,11000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6006",0,0,0,0,0,480,-420,480,-420,-420,-420,30,30951,3,6,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,-420,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6007",40000,0,300000,150000,150000,149100,144100,189100,184100,334100,464100,61,97044,2,16,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,184100,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6008",0,0,65000,35000,30000,1000,1000,1000,1000,31000,31000,37,52020,4,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6009",0,0,99000,74100,24900,1800,-1600,1800,-1600,23300,41300,26,52320,2,16,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,-1600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6010",0,0,25000,0,25000,2700,2700,2700,2700,27700,27700,58,41919,2,10,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6011",0,0,0,0,0,0,-200,0,-200,-200,1050,47,1200,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-200,0,1,0,0,0,0,0,0,0,0,0,1,0 -"6012",1100,0,112000,62000,50000,450,-1550,1550,-450,49550,53350,48,35970,4,14,0,1,0,0,1,0,0,1,0,0,1,0,4,3,0.3524857,-450,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6013",0,0,0,0,0,1850,-150,1850,-150,-150,1516,43,41139,1,18,1,0,0,0,1,0,0,0,0,0,0,1,5,4,0.5231876,-150,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6014",2046,0,1000,0,1000,17000,17000,19046,19046,20046,21771,41,10998,1,13,0,0,1,0,1,0,0,1,0,0,1,0,2,3,0.1320933,19046,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6015",18000,0,50000,48000,2000,15000,14600,33000,32600,34600,134600,38,61362,5,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,32600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6016",0,0,0,0,0,15000,14850,15000,14850,14850,39850,39,28980,4,9,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.2092901,14850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6017",0,0,84000,0,84000,23309,23309,23309,23309,107309,107309,60,45549,2,12,0,1,0,0,1,0,0,0,0,1,0,0,5,2,0.4407951,23309,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6018",0,0,30000,20000,10000,0,-2000,0,-2000,8000,10500,44,44268,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,-2000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6019",0,0,43000,39900,3100,122,-768,122,-768,2332,6832,33,27486,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,-768,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6020",0,0,140000,30000,110000,79598,79448,89598,89448,199448,276448,50,99810,5,12,0,1,0,0,1,0,0,0,0,1,0,0,7,2,0.5679367,79448,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6021",0,0,25000,17947,7053,1500,1500,1500,1500,8553,9053,44,25527,1,14,0,0,1,0,1,0,0,0,0,0,1,0,3,3,0.2694195,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6022",0,0,185000,150000,35000,6174,3174,6174,3174,38174,46069,28,52530,3,18,1,0,1,0,1,0,0,0,0,0,0,1,6,4,0.7472324,3174,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6023",0,0,6000,0,6000,82,52,82,52,6052,6052,30,25878,3,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,52,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6024",0,0,275000,32000,243000,8450,8100,8450,8100,251100,429100,50,84600,7,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,8100,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6025",900,0,65000,57500,7500,1100,700,2000,1600,9100,16100,35,39861,2,16,0,1,0,1,1,0,0,1,0,0,0,1,4,4,0.3524857,1600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6026",20000,0,68000,36000,32000,3900,-2100,23900,17900,49900,52150,43,23082,1,17,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.4720998,17900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6027",0,0,125000,18900,106100,50359,47359,50359,47359,153459,153459,49,38721,2,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,47359,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6028",0,0,0,0,0,0,-300,0,-300,-300,-300,37,13314,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-300,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6029",0,0,0,0,0,0,-400,0,-400,-400,6279,38,33192,2,16,0,0,0,0,1,0,0,0,0,0,0,1,4,4,0.3086649,-400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6030",0,0,0,0,0,0,0,0,0,0,3350,37,27675,1,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6031",20000,0,86000,53000,33000,3949,3949,23949,23949,56949,64949,46,54585,4,16,1,1,0,1,1,0,0,1,0,0,0,1,6,4,0.7130944,23949,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6032",16000,0,47000,32000,15000,11000,10900,27000,26900,41900,51900,37,49650,5,16,0,1,0,1,1,0,0,1,0,0,0,1,5,4,0.4624346,26900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6033",0,0,0,0,0,0,0,0,0,0,0,39,5469,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6034",2200,0,300000,150000,150000,7750,5750,64950,62950,212950,212950,40,99567,4,18,0,1,0,0,1,0,0,1,0,0,0,1,7,4,0.5801663,7950,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6035",0,0,0,0,0,975,-3725,975,-3725,-3725,10275,27,27657,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-3725,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6036",0,0,25000,0,25000,0,-4108,0,-4108,20892,20892,44,13728,5,12,1,1,0,1,1,0,0,0,0,1,0,0,2,2,0.3623197,-4108,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6037",0,0,0,0,0,200,200,200,200,200,200,40,30012,5,9,0,1,0,1,1,0,0,0,1,0,0,0,4,1,0.2951996,200,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6038",0,0,0,0,0,200,100,200,100,100,100,38,15384,1,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6039",0,0,0,0,0,2499,2499,2499,2499,2499,3889,31,36771,1,14,0,0,1,0,1,0,0,0,0,0,1,0,4,3,0.3086649,2499,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6040",0,0,0,0,0,12000,9000,12000,9000,9000,9000,46,139137,2,18,1,1,1,1,1,0,0,0,0,0,0,1,7,4,0.4347773,9000,0,0,0,0,0,0,0,1,0,0,0,1,0 -"6041",0,0,55000,30000,25000,0,0,0,0,25000,25000,51,36450,3,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6042",0,0,0,0,0,60,-440,60,-440,-440,-440,33,23400,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6043",0,0,0,0,0,75,-225,75,-225,-225,575,44,42744,2,13,1,1,1,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-225,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6044",11400,0,0,0,0,3250,-750,14650,10650,10650,13050,30,25809,3,14,0,1,0,1,1,0,0,1,0,0,1,0,3,3,0.2061994,10650,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6045",0,0,95000,85000,10000,1600,420,1600,420,10420,15420,27,41985,2,13,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.4407951,420,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6046",57000,0,300000,130000,170000,21500,17800,78500,74800,244800,374800,51,66573,4,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,74800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6047",0,0,8000,6000,2000,499,-7201,499,-7201,-5201,-4101,38,95955,3,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,-7201,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6048",8000,0,100000,70000,30000,30016,29316,38016,37316,67316,70316,38,27813,3,11,0,1,0,1,1,0,0,1,1,0,0,0,3,1,0.2696004,37316,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6049",0,0,111000,111000,0,1500,-4500,1500,-4500,-4500,44500,49,32064,3,16,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6050",0,0,0,0,0,0,-550,0,-550,-550,-550,58,9180,2,11,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,-550,0,1,0,0,0,0,0,0,0,0,0,0,1 -"6051",0,0,0,0,0,0,-3467,0,-3467,-3467,-3467,46,31200,2,12,0,0,1,1,1,0,0,0,0,1,0,0,4,2,0.3086649,-3467,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6052",0,0,25000,25000,0,4077,4077,4077,4077,4077,4577,30,25440,3,12,1,0,1,0,1,0,0,0,0,1,0,0,3,2,0.491887,4077,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6053",0,0,55000,0,55000,1299,1299,1299,1299,56299,56299,43,23130,4,8,0,1,1,0,1,0,0,0,1,0,0,0,3,1,0.273178,1299,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6054",10000,0,0,0,0,11000,10750,21000,20750,20750,109300,54,21948,1,18,1,0,0,0,1,0,0,1,0,0,0,1,3,4,0.5117899,20750,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6055",0,0,0,0,0,36,-14729,36,-14729,-14729,-14729,38,14100,5,18,0,1,1,0,1,0,0,0,0,0,0,1,2,4,0.1283302,-14729,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6056",0,0,40000,22000,18000,899,899,899,899,18899,21899,40,27735,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,899,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6057",0,0,0,0,0,5000,4100,5000,4100,4100,55025,52,20700,1,16,1,0,0,0,1,0,0,0,0,0,0,1,3,4,0.5315681,4100,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6058",0,0,64000,64000,0,3200,3025,3200,3025,3025,5025,30,44169,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,3025,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6059",0,0,0,0,0,0,-200,0,-200,-200,3804,27,15000,1,12,1,0,1,0,1,0,0,0,0,1,0,0,2,2,0.4215196,-200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6060",5000,0,125000,38900,86100,30999,29999,35999,34999,121099,123099,57,44589,8,12,0,1,0,1,1,0,0,1,0,1,0,0,5,2,0.4624346,34999,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6061",0,0,0,0,0,1900,1900,1900,1900,1900,1900,30,43293,2,12,1,1,0,1,1,0,0,0,0,1,0,0,5,2,0.5995759,1900,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6062",0,0,0,0,0,700,-2300,700,-2300,-2300,7714,34,22698,3,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2060434,-2300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6063",0,0,0,0,0,500,500,500,500,500,500,34,6537,4,12,0,1,1,0,1,0,0,0,0,1,0,0,1,2,0.0486785,500,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6064",0,0,0,0,0,12000,12000,12000,12000,12000,12000,38,44874,1,12,0,0,0,0,1,0,0,0,0,1,0,0,5,2,0.3055234,12000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6065",4000,0,0,0,0,5049,3549,9049,7549,7549,13349,55,22500,1,12,1,0,0,0,1,0,0,1,0,1,0,0,3,2,0.5117899,7549,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6066",0,0,0,0,0,1849,1849,1849,1849,1849,1849,28,29934,2,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,1849,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6067",0,0,0,0,0,1000,1000,1000,1000,1000,4350,53,7200,1,12,0,0,1,0,1,0,0,0,0,1,0,0,1,2,0.0278493,1000,0,1,0,0,0,0,0,0,0,0,0,1,0 -"6068",0,0,0,0,0,100,-15900,100,-15900,-15900,-12567,28,29604,3,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,-15900,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6069",0,0,55000,34000,21000,2015,2015,2015,2015,23015,23015,28,29283,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,2015,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6070",0,0,0,0,0,200,-3200,200,-3200,-3200,-3200,56,12852,2,5,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,-3200,0,0,1,0,0,0,0,0,0,0,0,0,1 -"6071",6000,0,0,0,0,31000,26000,37000,32000,32000,32000,45,80550,3,13,1,1,0,1,1,0,0,1,0,0,1,0,7,3,0.4888144,32000,0,0,0,0,0,0,0,1,0,0,0,1,0 -"6072",4200,0,210000,35000,175000,2299,2299,6499,6499,181499,187524,41,20535,3,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,6499,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6073",0,0,215000,100000,115000,6000,4000,6000,4000,119000,121666,31,100356,1,16,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,4000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6074",0,0,200000,50000,150000,17248,-2752,17248,-2752,147248,157148,61,49992,2,12,0,1,1,0,1,0,0,0,0,1,0,0,5,2,0.4407951,-2752,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6075",1700,0,115000,111000,4000,3800,-400,5500,1300,5300,22300,35,55374,3,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,1300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6076",16000,0,180000,49000,131000,16500,10500,32500,26500,157500,159000,47,51150,1,18,0,0,1,0,1,0,0,1,0,0,0,1,6,4,0.4868788,26500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6077",0,0,50000,35000,15000,0,-500,0,-500,14500,14500,43,51447,5,12,0,1,0,1,1,0,0,0,0,1,0,0,6,2,0.5405443,-500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6078",0,0,0,0,0,1400,-550,1400,-550,-550,2800,31,17679,3,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-550,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6079",0,0,0,0,0,0,-5000,0,-5000,-5000,-1075,43,22410,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.5315681,-5000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6080",0,0,50000,43900,6100,2010,2010,2010,2010,8110,8110,48,29238,4,10,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,2010,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6081",0,0,0,0,0,5460,-2847,5460,-2847,-2847,-2847,42,45453,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-2847,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6082",0,0,130000,75000,55000,12205,12205,12205,12205,67205,97205,42,42813,4,18,1,1,0,1,1,0,0,0,0,0,0,1,5,4,0.6077043,12205,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6083",0,0,0,0,0,5000,5000,5000,5000,5000,5000,35,37167,2,16,1,1,0,0,1,0,0,0,0,0,0,1,4,4,0.5896286,5000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6084",0,0,20000,0,20000,244,-306,244,-306,19694,21019,49,13491,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,-306,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6085",0,0,0,0,0,0,-1329,0,-1329,-1329,-829,38,12915,3,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1329,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6086",1000,0,0,0,0,3000,3000,4000,4000,4000,4000,27,30300,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.277538,4000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6087",0,0,0,0,0,288,288,288,288,288,3288,29,14274,1,10,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.1152104,288,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6088",0,0,0,0,0,145,145,145,145,145,3495,50,15414,4,8,0,0,0,0,1,0,0,0,1,0,0,0,2,1,0.1152104,145,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6089",0,0,50000,38000,12000,400,400,400,400,12400,14900,41,24498,2,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6090",0,0,0,0,0,200,133,200,133,133,133,49,56253,3,12,1,1,1,1,1,0,0,0,0,1,0,0,6,2,0.5000061,133,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6091",0,0,0,0,0,10,10,10,10,10,2010,34,7329,1,16,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,10,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6092",0,0,50000,50000,0,700,-11000,700,-11000,-11000,-2200,30,36639,4,12,1,1,0,1,1,0,0,0,0,1,0,0,4,2,0.5297047,-11000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6093",0,0,0,0,0,831,831,831,831,831,3884,27,6732,1,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,831,0,1,0,0,0,0,0,0,1,0,0,0,0 -"6094",0,0,0,0,0,67,67,67,67,67,67,44,11262,4,8,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,67,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6095",0,0,120000,15000,105000,0,0,0,0,105000,112000,37,32679,4,13,0,1,1,1,1,0,0,0,0,0,1,0,4,3,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6096",0,0,0,0,0,0,-95,0,-95,-95,1255,27,15600,3,13,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,-95,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6097",4000,0,95000,24000,71000,100,-1700,4100,2300,73300,85300,57,21675,4,12,0,1,1,0,1,0,0,1,0,1,0,0,3,2,0.2696004,2300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6098",0,0,80000,49500,30500,1571,1371,1571,1371,31871,31871,34,30534,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,1371,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6099",0,0,60000,59000,1000,10009,5009,10009,5009,6009,6509,27,34200,1,16,0,0,1,0,1,0,0,0,0,0,0,1,4,4,0.3866406,5009,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6100",0,0,5500,0,5500,14,14,14,14,5514,7914,25,3723,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,14,1,1,0,0,0,0,0,0,1,0,0,0,0 -"6101",0,0,0,0,0,350,350,350,350,350,883,45,7596,3,13,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,350,0,1,0,0,0,0,0,0,0,0,0,1,0 -"6102",0,0,0,0,0,70,-2030,70,-2030,-2030,-1530,30,7650,2,15,0,0,0,0,1,0,0,0,0,0,1,0,1,3,0.0278493,-2030,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6103",17900,0,150000,0,150000,54449,53928,72349,71828,221828,221828,58,70992,2,12,0,1,0,0,1,0,0,1,0,1,0,0,6,2,0.5336504,71828,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6104",0,0,0,0,0,200,-5800,200,-5800,-5800,-5800,28,22806,3,14,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,-5800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6105",0,0,111000,28000,83000,1500,1500,1500,1500,84500,84500,60,32481,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,1500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6106",0,0,0,0,0,1000,-9000,1000,-9000,-9000,-9000,37,45426,4,15,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-9000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6107",0,0,80000,79000,1000,349,-3651,349,-3651,-2651,349,31,19812,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1582553,-3651,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6108",0,0,0,0,0,9349,-14551,9349,-14551,-14551,-5551,36,104343,3,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.4347773,-14551,0,0,0,0,0,0,0,1,0,0,1,0,0 -"6109",4000,0,56000,0,56000,1300,-700,5300,3300,59300,59300,50,34164,4,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,3300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6110",15000,0,200000,0,200000,0,0,15000,15000,215000,215000,40,28650,4,12,0,1,0,1,1,0,0,1,0,1,0,0,3,2,0.2696004,15000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6111",0,0,240000,150000,90000,16500,4500,16500,4500,94500,107000,35,93129,4,16,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,4500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6112",42818,0,130000,88000,42000,20000,20000,62818,62818,104818,176818,38,53925,4,18,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,62818,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6113",0,0,240000,150000,90000,215750,215750,215750,215750,305750,305750,41,66018,3,16,0,0,0,0,1,0,0,0,0,0,0,1,6,4,0.4938007,215750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6114",0,0,0,0,0,0,0,0,0,0,0,25,36546,1,15,0,1,0,0,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6115",0,0,0,0,0,0,0,0,0,0,0,25,26520,4,11,0,0,0,0,1,0,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6116",0,0,150000,55000,95000,800,-1200,800,-1200,93800,93800,34,36225,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.3719455,-1200,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6117",0,0,40000,35000,5000,3750,1750,3750,1750,6750,6750,52,28776,5,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,1750,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6118",0,0,0,0,0,0,0,0,0,0,0,33,4845,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6119",0,0,0,0,0,65,-835,65,-835,-835,8015,26,18006,4,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.1152104,-835,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6120",0,0,40000,4700,35300,120,-389,120,-389,34911,35461,37,21381,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,-389,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6121",0,0,0,0,0,0,-10650,0,-10650,-10650,-10650,26,44034,2,15,1,1,0,1,1,0,0,0,0,0,1,0,5,3,0.5995759,-10650,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6122",0,0,46000,0,46000,800,650,800,650,46650,47400,38,15612,3,16,1,0,0,0,1,0,0,0,0,0,0,1,2,4,0.4041266,650,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6123",0,0,0,0,0,1699,-1301,1699,-1301,-1301,4699,25,24177,1,13,1,0,1,0,1,0,0,0,0,0,1,0,3,3,0.5315681,-1301,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6124",0,0,50000,4500,45500,12599,12599,12599,12599,58099,65599,43,33366,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6028074,12599,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6125",0,0,60000,0,60000,0,0,0,0,60000,60000,46,7668,2,8,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.036628,0,1,1,0,0,0,0,0,0,0,0,0,1,0 -"6126",0,0,0,0,0,854,-4146,854,-4146,-4146,-2746,32,17034,7,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-4146,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6127",0,0,0,0,0,59,59,59,59,59,59,37,12003,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,59,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6128",0,0,25000,25000,0,12000,12000,12000,12000,12000,14500,30,19932,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,12000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6129",0,0,0,0,0,0,0,0,0,0,1132,28,13260,2,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6130",6000,0,73000,65000,8000,500,-3100,6500,2900,10900,13233,43,44418,1,18,0,0,1,0,1,0,0,1,0,0,0,1,5,4,0.4414764,2900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6131",12000,0,195000,100000,95000,16250,15000,28250,27000,122000,132679,58,28476,1,12,0,0,0,0,1,0,0,1,0,1,0,0,3,2,0.2658667,27000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6132",5000,0,0,0,0,5799,5569,10799,10569,10569,13919,64,17604,1,12,1,0,0,0,1,0,0,1,0,1,0,0,2,2,0.3268128,10569,0,0,1,0,0,0,0,0,0,0,0,0,1 -"6133",0,0,0,0,0,150,100,150,100,100,2100,37,32427,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6134",0,0,36000,28000,8000,0,-3060,0,-3060,4940,4940,25,36000,4,11,0,1,0,0,1,0,0,0,1,0,0,0,4,1,0.3719455,-3060,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6135",0,0,0,0,0,0,-130,0,-130,-130,1370,33,24024,1,16,0,0,1,0,1,0,0,0,0,0,0,1,3,4,0.2060434,-130,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6136",0,0,14000,16000,-2000,3200,2800,3200,2800,800,5100,31,12870,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,2800,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6137",2160,0,70000,0,70000,300,-150,2460,2010,72010,98460,46,20715,4,9,1,0,0,0,1,0,0,1,1,0,0,0,3,1,0.4720998,2010,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6138",0,0,0,0,0,6000,6000,6000,6000,6000,6000,39,41475,1,12,1,0,1,0,1,0,0,0,0,1,0,0,5,2,0.5231876,6000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6139",0,0,65000,27000,38000,1200,-1300,1200,-1300,36700,37450,58,17340,1,1,1,0,0,0,1,0,0,0,1,0,0,0,2,1,0.4041266,-1300,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6140",0,0,300000,150000,150000,4500,1700,4500,1700,151700,151760,45,45270,4,11,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,1700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6141",0,0,0,0,0,0,0,0,0,0,0,44,12858,2,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6142",0,0,175000,101000,74000,2500,100,2500,100,74100,74100,37,27720,5,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.273178,100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6143",0,0,0,0,0,2100,-4900,2100,-4900,-4900,2100,42,34785,4,12,0,1,0,0,1,0,0,0,0,1,0,0,4,2,0.2951996,-4900,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6144",0,0,32700,32700,0,140,-2010,140,-2010,-2010,-2010,26,27960,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,-2010,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6145",27000,0,230000,0,230000,78300,78070,105300,105070,335070,531445,53,20661,5,12,1,0,1,0,1,0,0,1,0,1,0,0,3,2,0.4720998,105070,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6146",13300,0,100000,22000,78000,1500,-4500,14800,8800,86800,169300,59,19725,5,13,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.1320933,8800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6147",4000,0,0,0,0,3000,2650,7000,6650,6650,10000,64,17616,1,12,0,0,0,0,1,0,0,1,0,1,0,0,2,2,0.105793,6650,0,0,1,0,0,0,0,0,0,0,0,0,1 -"6148",0,0,76000,0,76000,2800,2500,2800,2500,78500,78500,47,47802,6,6,0,1,0,1,1,0,0,0,1,0,0,0,5,1,0.4407951,2500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6149",0,0,0,0,0,0,0,0,0,0,0,34,11520,3,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6150",0,0,0,0,0,95,95,95,95,95,595,28,28293,3,14,0,1,0,0,1,0,0,0,0,0,1,0,3,3,0.2092901,95,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6151",0,0,130000,101200,28800,72475,72475,72475,72475,101275,291675,48,43866,2,9,0,1,0,0,1,0,0,0,1,0,0,0,5,1,0.4407951,72475,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6152",0,0,0,0,0,650,-11600,650,-11600,-11600,-10900,33,41925,3,14,0,1,0,1,1,0,0,0,0,0,1,0,5,3,0.3243191,-11600,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6153",0,0,0,0,0,400,-7600,400,-7600,-7600,-2600,25,28335,3,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.2092901,-7600,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6154",0,0,0,0,0,200,-3800,200,-3800,-3800,-3800,27,22950,2,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6155",30000,0,90000,85000,5000,40000,33700,70000,63700,68700,82700,41,58800,2,16,0,1,0,1,1,0,0,1,0,0,0,1,6,4,0.5336504,63700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6156",12000,0,40000,0,40000,1109,889,13109,12889,52889,52889,59,15984,4,14,0,1,0,0,1,0,0,1,0,0,1,0,2,3,0.1464927,12889,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6157",0,0,20000,4500,15500,1000,779,1000,779,16279,20279,39,13011,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,779,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6158",0,0,85000,45000,40000,9599,9599,9599,9599,49599,57778,49,143067,1,16,0,0,1,0,1,0,0,0,0,0,0,1,7,4,0.4250903,9599,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6159",10500,0,0,0,0,1000,-1500,11500,9000,9000,9725,53,19200,2,15,0,0,0,0,1,0,0,1,0,0,1,0,2,3,0.105793,9000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6160",0,0,40000,0,40000,1674,1674,1674,1674,41674,60949,41,21645,1,12,0,0,1,0,1,0,0,0,0,1,0,0,3,2,0.2694195,1674,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6161",0,0,70000,0,70000,12175,12175,12175,12175,82175,82175,36,39579,4,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,12175,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6162",0,0,200000,0,200000,0,-3200,0,-3200,196800,205800,41,93612,5,18,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,-3200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6163",0,0,0,0,0,164,164,164,164,164,664,28,3711,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,164,0,1,0,0,0,0,0,0,1,0,0,0,0 -"6164",0,0,0,0,0,900,-2400,900,-2400,-2400,12975,39,26925,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6165",0,0,0,0,0,0,0,0,0,0,2300,57,9417,4,7,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"6166",0,0,0,0,0,0,0,0,0,0,0,37,5235,3,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6167",0,0,0,0,0,5599,3599,5599,3599,3599,3599,42,55740,5,13,0,1,0,1,1,0,0,0,0,0,1,0,6,3,0.3598378,3599,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6168",0,0,30000,0,30000,52200,51200,52200,51200,81200,107500,42,26016,2,14,0,0,0,0,1,0,0,0,0,0,1,0,3,3,0.2694195,51200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6169",0,0,0,0,0,0,0,0,0,0,0,37,28902,2,12,0,0,0,0,1,0,0,0,0,1,0,0,3,2,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6170",19500,0,130000,75000,55000,11499,11499,30999,30999,85999,85999,35,97752,3,15,0,1,0,1,1,0,0,1,0,0,1,0,7,3,0.5801663,30999,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6171",0,0,58000,13000,45000,0,-3450,0,-3450,41550,43550,61,11790,3,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1582553,-3450,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6172",0,0,60000,22016,37984,170,-1030,170,-1030,36954,36954,38,26382,4,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.273178,-1030,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6173",0,0,0,0,0,500,-250,500,-250,-250,5061,32,26496,1,16,0,1,1,0,1,0,0,0,0,0,0,1,3,4,0.2092901,-250,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6174",0,0,100000,0,100000,13670,11934,13670,11934,111934,111934,45,32490,5,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.3719455,11934,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6175",0,0,58000,0,58000,3700,3700,3700,3700,61700,63942,26,10404,1,9,0,0,1,0,1,0,0,0,1,0,0,0,2,1,0.143074,3700,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6176",0,0,0,0,0,0,-400,0,-400,-400,7411,28,11832,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6177",0,0,60000,0,60000,3000,3000,3000,3000,63000,63000,53,30780,4,8,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,3000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6178",0,0,0,0,0,1999,1999,1999,1999,1999,7741,30,24600,1,7,0,0,1,0,1,0,0,0,1,0,0,0,3,1,0.2060434,1999,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6179",0,0,30000,30000,0,3660,3660,3660,3660,3660,37820,63,28272,4,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,3660,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6180",0,0,27000,22000,5000,3198,3178,3198,3178,8178,8178,34,17337,4,9,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,3178,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6181",0,0,75000,45000,30000,0,0,0,0,30000,34742,49,11898,2,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6182",0,0,0,0,0,800,-2200,800,-2200,-2200,-2200,32,22314,7,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-2200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6183",0,0,215000,115000,100000,1010,1010,1010,1010,101010,101010,29,76650,2,16,0,1,0,1,1,0,0,0,0,0,0,1,7,4,0.5679367,1010,1,0,0,0,0,0,0,1,1,0,0,0,0 -"6184",0,0,0,0,0,5550,5550,5550,5550,5550,13650,35,37776,2,12,0,1,0,1,1,0,0,0,0,1,0,0,4,2,0.2951996,5550,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6185",0,0,45000,45000,0,99,99,99,99,99,99,41,19590,1,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,99,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6186",0,0,0,0,0,5000,4700,5000,4700,4700,4700,33,41637,2,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.3243191,4700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6187",0,0,0,0,0,28020,28020,28020,28020,28020,33562,34,12144,1,14,0,0,1,0,1,0,0,0,0,0,1,0,2,3,0.1152104,28020,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6188",0,0,36000,28000,8000,350,350,350,350,8350,9850,29,23940,3,11,1,1,1,1,1,0,0,0,1,0,0,0,3,1,0.3978536,350,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6189",0,0,0,0,0,0,0,0,0,0,500,29,8400,4,10,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,1,0,0,0,0 -"6190",0,0,150000,50000,100000,13323,13108,13323,13108,113108,130644,50,55314,2,12,0,1,0,0,1,0,0,0,0,1,0,0,6,2,0.5405443,13108,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6191",0,0,0,0,0,85,85,85,85,85,1585,44,969,2,18,0,0,1,0,1,0,0,0,0,0,0,1,1,4,0.0278493,85,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6192",0,0,40000,38000,2000,50,-150,50,-150,1850,2850,54,5400,2,12,0,0,0,0,1,0,0,0,0,1,0,0,1,2,0.036628,-150,1,1,0,0,0,0,0,0,0,0,0,1,0 -"6193",0,0,225000,70000,155000,200,-600,200,-600,154400,167996,28,27108,1,16,0,0,0,0,1,0,0,0,0,0,0,1,3,4,0.2694195,-600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6194",0,0,45000,45000,0,499,499,499,499,499,499,38,11250,4,6,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,499,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6195",0,0,110000,65000,45000,26000,26000,26000,26000,71000,93500,45,69552,4,18,1,1,0,1,1,0,0,0,0,0,0,1,6,4,0.6688337,26000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6196",8000,0,0,0,0,2200,-7300,10200,700,700,2700,31,17040,3,15,0,1,0,1,1,0,0,1,0,0,1,0,2,3,0.118155,700,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6197",0,0,200000,0,200000,2199,-1001,2199,-1001,198999,201899,40,10260,6,16,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-1001,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6198",0,0,103000,72500,30500,350,-68850,350,-68850,-38350,-33108,31,11721,1,18,0,0,0,0,1,0,0,0,0,0,0,1,2,4,0.143074,-68850,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6199",0,0,150000,0,150000,500,-150,500,-150,149850,154850,64,23832,4,8,0,1,0,1,1,0,0,0,1,0,0,0,3,1,0.273178,-150,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6200",0,0,45000,40000,5000,750,-15550,750,-15550,-10550,-10550,54,32241,5,10,1,1,0,1,1,0,0,0,1,0,0,0,4,1,0.5297047,-15550,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6201",0,0,0,0,0,1000,200,1000,200,200,7661,29,18336,1,14,1,0,0,0,1,0,0,0,0,0,1,0,2,3,0.4215196,200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6202",0,0,20000,10000,10000,100,100,100,100,10100,10100,26,15906,4,12,0,0,0,0,1,0,0,0,0,1,0,0,2,2,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6203",0,0,0,0,0,100,80,100,80,80,16080,48,19680,4,12,0,1,0,1,1,0,0,0,0,1,0,0,2,2,0.1283302,80,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6204",0,0,0,0,0,5,5,5,5,5,5,44,27720,5,13,0,1,0,1,1,0,0,0,0,0,1,0,3,3,0.2092901,5,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6205",0,0,150000,79500,70500,13609,10129,13609,10129,80629,93617,45,104814,4,18,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,10129,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6206",0,0,50000,48000,2000,0,0,0,0,2000,3000,42,10836,3,14,0,0,0,0,1,0,0,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6207",0,0,55000,41000,14000,0,0,0,0,14000,15000,29,18705,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6208",16260,0,55000,0,55000,13100,11700,29360,27960,82960,82960,53,29400,2,12,0,1,0,0,1,0,0,1,0,1,0,0,3,2,0.2696004,27960,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6209",0,0,45000,35000,10000,130,-4870,130,-4870,5130,5130,49,14421,5,11,0,1,0,0,1,0,0,0,1,0,0,0,2,1,0.1582553,-4870,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6210",12000,0,75000,0,75000,47019,44919,59019,56919,131919,136919,37,37302,2,12,0,1,0,1,1,0,0,1,0,1,0,0,4,2,0.3524857,56919,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6211",13000,0,300000,150000,150000,200000,-101000,213000,-88000,62000,462600,53,75012,2,15,0,1,1,1,1,0,0,1,0,0,1,0,7,3,0.5801663,-88000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6212",0,0,65000,56155,8845,800,-4116,800,-4116,4729,4729,35,21306,3,12,0,1,1,0,1,0,0,0,0,1,0,0,3,2,0.273178,-4116,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6213",0,0,175000,144000,31000,11,-5989,11,-5989,25011,25011,36,118599,4,14,0,1,0,1,1,0,0,0,0,0,1,0,7,3,0.5679367,-5989,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6214",600,0,75000,74000,1000,28797,22797,29397,23397,24397,74397,26,63432,2,12,0,1,0,1,1,0,0,1,0,1,0,0,6,2,0.5336504,23397,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6215",0,0,0,0,0,220,220,220,220,220,220,43,45594,7,9,1,1,0,1,1,0,0,0,1,0,0,0,5,1,0.5995759,220,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6216",0,0,0,0,0,0,-557,0,-557,-557,6743,36,24060,5,12,0,1,0,0,1,0,0,0,0,1,0,0,3,2,0.2092901,-557,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6217",0,0,0,0,0,300,-1600,300,-1600,-1600,2275,34,19380,1,12,0,0,1,0,1,0,0,0,0,1,0,0,2,2,0.1152104,-1600,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6218",0,0,0,0,0,6500,4500,6500,4500,4500,5000,38,19416,2,12,1,0,0,0,1,0,0,0,0,1,0,0,2,2,0.4215196,4500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6219",0,0,0,0,0,50,-250,50,-250,-250,37750,41,31800,1,12,1,0,1,0,1,0,0,0,0,1,0,0,4,2,0.6600804,-250,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6220",38033,0,50000,0,50000,52498,52498,90531,90531,140531,140531,64,35730,2,12,0,1,0,0,1,0,0,1,0,1,0,0,4,2,0.3524857,90531,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6221",0,0,300000,67000,233000,13000,13000,13000,13000,246000,246000,48,28422,6,8,0,1,0,0,1,0,0,0,1,0,0,0,3,1,0.273178,13000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6222",25800,0,195000,117000,78000,20100,20100,45900,45900,123900,291900,64,38124,2,11,0,1,0,0,1,0,0,1,1,0,0,0,4,1,0.3524857,45900,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6223",0,0,0,0,0,0,0,0,0,0,0,35,4653,5,11,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6224",9000,0,0,0,0,9400,-22600,18400,-13600,-13600,-13600,33,38550,3,14,0,1,0,1,1,0,0,1,0,0,1,0,4,3,0.277538,-13600,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6225",16000,0,20000,0,20000,36000,36000,52000,52000,72000,73000,61,13206,4,12,0,0,1,0,1,0,0,1,0,1,0,0,2,2,0.1320933,52000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6226",0,0,95000,31800,63200,10500,7500,10500,7500,70700,70700,60,43320,4,12,0,1,0,1,1,0,0,0,0,1,0,0,5,2,0.4407951,7500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6227",0,0,0,0,0,0,0,0,0,0,5600,31,2160,5,12,0,1,0,0,1,0,0,0,0,1,0,0,1,2,0.0486785,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"6228",0,0,45000,42000,3000,200,200,200,200,3200,6200,30,29772,4,12,0,1,0,1,1,0,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6229",0,0,75000,36000,39000,6000,1000,6000,1000,40000,48000,32,39780,3,16,0,1,1,0,1,0,0,0,0,0,0,1,4,4,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6230",0,0,89000,55000,34000,11100,10535,11100,10535,44535,60588,49,26679,1,12,1,0,0,0,1,0,0,0,0,1,0,0,3,2,0.491887,10535,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6231",0,0,100000,60000,40000,1548,1348,1548,1348,41348,58101,56,82977,2,17,1,1,0,1,1,0,0,0,0,0,0,1,7,4,0.6849159,1348,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6232",0,0,0,0,0,0,-2803,0,-2803,-2803,-2803,26,17280,6,12,0,1,0,0,1,0,0,0,0,1,0,0,2,2,0.1283302,-2803,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6233",0,0,0,0,0,0,0,0,0,0,8500,55,32640,3,13,0,1,0,1,1,0,0,0,0,0,1,0,4,3,0.2951996,0,0,0,0,0,1,0,0,0,0,0,0,0,1 -"6234",0,330,0,0,0,2500,-14000,2830,-13670,-13670,13330,55,33738,2,17,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.2951996,-14000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"6235",0,0,0,0,0,3272,772,3272,772,772,2405,30,15486,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,772,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6236",0,17000,150000,10000,140000,961,-4039,17961,12961,152961,156386,52,24117,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-4039,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6237",0,0,0,0,0,6500,6055,6500,6055,6055,6055,38,55500,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,6055,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6238",20000,0,175000,30000,145000,3000,2500,23000,22500,167500,193203,50,58896,3,16,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,22500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6239",7000,0,135000,94000,41000,2200,-2300,9200,4700,45700,53700,38,42135,5,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,4700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6240",2200,7000,0,0,0,35088,32388,44288,41588,41588,46288,44,48252,1,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.6430668,34588,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6241",0,3000,0,0,0,1100,-16900,4100,-13900,-13900,-13400,60,39684,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-16900,0,0,0,0,1,0,0,0,0,0,0,0,1 -"6242",38000,10000,75000,0,75000,150200,149750,198200,197750,272750,286750,62,63786,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,187750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6243",7000,22000,290000,140000,150000,23300,21300,52300,50300,200300,375300,37,36417,5,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,28300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6244",400,0,65000,39000,26000,1100,-7900,1500,-7500,18500,20500,46,35310,4,13,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,-7500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6245",0,0,50000,0,50000,0,-10000,0,-10000,40000,40000,27,12480,2,12,1,1,0,1,1,1,0,0,0,1,0,0,2,2,0.3623197,-10000,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6246",0,3400,0,0,0,0,0,3400,3400,3400,3400,34,26739,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6247",0,0,0,0,0,5500,2500,5500,2500,2500,3250,39,45717,4,17,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,2500,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6248",2500,0,0,0,0,5045,3045,7545,5545,5545,6145,62,27684,2,14,0,1,0,0,1,1,0,1,0,0,1,0,3,3,0.2061994,5545,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6249",19000,65593,150000,50000,100000,3725,-5775,88318,78818,178818,178818,50,53112,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,13225,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6250",0,1000,0,0,0,0,-1000,1000,0,0,0,30,14280,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-1000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6251",5000,5000,50000,32000,18000,7125,7105,17125,17105,35105,41347,50,24624,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,12105,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6252",10233,7500,125530,92000,33530,6309,6309,24042,24042,57572,60572,36,70974,3,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,16542,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6253",8000,80000,300000,150000,150000,5000,-6630,93000,81370,231370,245870,37,115812,3,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,1370,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6254",0,0,120000,53000,67000,9800,-14700,9800,-14700,52300,65300,35,66225,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-14700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6255",30000,15000,200000,150000,50000,900,-1100,45900,43900,93900,172900,31,81000,3,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,28900,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6256",30000,0,300000,150000,150000,10000,6000,40000,36000,186000,186000,46,119196,4,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.7316045,36000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6257",2000,200,0,0,0,35600,31100,37800,33300,33300,45780,35,41574,2,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,33100,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6258",0,0,55000,41000,14000,3350,2950,3350,2950,16950,16950,54,46125,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,2950,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6259",30000,80000,100000,70000,30000,74448,74448,184448,184448,214448,426119,64,72558,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,104448,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6260",0,1300,86000,69000,17000,24000,23250,25300,24550,41550,53375,46,66576,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,23250,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6261",100,2800,70000,38700,31300,7540,540,10440,3440,34740,104240,49,30246,2,18,0,1,1,0,1,1,1,1,0,0,0,1,4,4,0.3524857,640,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6262",0,3000,0,0,0,1000,-430,4000,2570,2570,3570,31,33693,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-430,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6263",3500,92000,300000,150000,150000,108075,106575,203575,202075,352075,352075,29,148770,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,110075,1,0,0,0,0,0,0,1,1,0,0,0,0 -"6264",0,0,90000,15000,75000,6000,6000,6000,6000,81000,87000,46,52365,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6265",14000,0,90000,28000,62000,57000,57000,71000,71000,133000,139881,43,54750,1,18,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,71000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6266",0,0,38000,3000,35000,550,150,550,150,35150,35650,44,21099,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,150,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6267",0,4000,265000,150000,115000,11000,11000,15000,15000,130000,133000,33,72300,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,11000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6268",8000,800,67000,45000,22000,600,-2400,9400,6400,28400,54100,50,50013,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,5600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6269",43291,25000,70000,0,70000,59530,57530,127821,125821,195821,223821,39,66102,2,17,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,100821,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6270",8000,22000,160000,52000,108000,3300,2300,33300,32300,140300,142300,43,78180,5,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,10300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6271",6000,6000,70000,64300,5700,700,-1850,12700,10150,15850,15850,29,36294,4,14,0,1,1,1,1,1,1,1,0,0,1,0,4,3,0.3524857,4150,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6272",4100,200,0,0,0,1100,1100,5400,5400,5400,6900,51,24480,1,14,0,0,1,0,1,1,1,1,0,0,1,0,3,3,0.2029813,5200,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6273",0,0,0,0,0,501,301,501,301,301,301,37,31500,6,15,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,301,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6274",0,42000,70000,70000,0,3698,3010,45698,45010,45010,45010,38,60228,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3010,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6275",0,850,72000,72000,0,0,-3008,850,-2158,-2158,-2158,38,17928,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-3008,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6276",4000,0,60000,33000,27000,15000,12000,19000,16000,43000,53300,39,39732,5,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,16000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6277",8600,0,180000,121000,59000,156100,153500,164700,162100,221100,266100,36,70878,4,13,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,162100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6278",0,0,120000,89000,31000,3800,2000,3800,2000,33000,48000,28,47790,3,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,2000,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6279",0,0,0,0,0,490,-3135,490,-3135,-3135,-135,30,36540,2,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-3135,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6280",0,19500,70000,57000,13000,27000,-5000,46500,14500,27500,39500,28,143346,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-5000,1,0,0,0,0,0,0,1,1,0,0,0,0 -"6281",0,0,81000,79950,1050,220,-3780,220,-3780,-2730,3770,26,42222,2,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-3780,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6282",0,2400,0,0,0,1860,-4340,4260,-1940,-1940,6560,57,20430,1,18,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.2092901,-4340,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6283",51000,0,250000,0,250000,103200,103200,154200,154200,404200,604200,47,75939,4,18,1,1,1,0,1,1,0,1,0,0,0,1,7,4,0.7316045,154200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6284",0,1900,0,0,0,9400,9050,11300,10950,10950,11450,27,74370,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,9050,0,0,0,0,0,0,1,0,1,0,0,0,0 -"6285",0,3200,75000,45400,29600,4500,4000,7700,7200,36800,36800,48,38517,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,4000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6286",0,1200,125000,58000,67000,24999,24749,26199,25949,92949,96474,56,27492,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,24749,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6287",8000,0,0,0,0,2700,2500,10700,10500,10500,10500,63,23604,3,3,0,1,0,1,1,1,0,1,1,0,0,0,3,1,0.2061994,10500,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6288",50,3400,0,0,0,80,-2765,3530,685,685,25185,43,24936,9,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2061994,-2715,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6289",0,1000,58000,0,58000,500,500,1500,1500,59500,59500,59,17340,4,10,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6290",0,45000,30000,1500,28500,2150,-1850,47150,43150,71650,73200,58,42888,3,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-1850,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6291",0,0,0,0,0,7796,-5825,7796,-5825,-5825,175,34,79269,2,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4572618,-5825,0,0,0,0,0,0,0,1,0,1,0,0,0 -"6292",0,0,75000,0,75000,249,249,249,249,75249,75249,50,15318,4,13,0,1,0,1,1,1,0,0,0,0,1,0,2,3,0.1582553,249,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6293",0,19500,85000,54000,31000,43000,42500,62500,62000,93000,179100,55,51051,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,42500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6294",0,0,40000,21000,19000,200,200,200,200,19200,24150,49,36024,3,18,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6295",0,0,84300,74500,9800,4050,550,4050,550,10350,23946,26,29580,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,550,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6296",0,0,190000,80000,110000,40700,38700,40700,38700,148700,148700,42,89253,5,12,1,1,1,1,1,1,0,0,0,1,0,0,7,2,0.6849159,38700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6297",0,1000,0,0,0,0,0,1000,1000,1000,1266,43,5379,1,11,0,0,1,0,1,1,1,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6298",0,6200,178000,150000,28000,9850,9250,16050,15450,43450,46250,26,104373,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,9250,1,0,0,0,0,0,0,1,1,0,0,0,0 -"6299",0,6075,0,0,0,1852,-3148,7927,2927,2927,12747,31,51600,2,13,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5000061,-3148,0,0,0,0,0,0,1,0,0,1,0,0,0 -"6300",2350,0,230000,126000,104000,3325,-275,5675,2075,106075,126075,32,58689,5,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,2075,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6301",0,0,65000,62500,2500,1400,-4800,1400,-4800,-2300,6700,32,53109,2,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-4800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6302",57000,14500,84000,62500,21500,9065,8065,80565,79565,101065,117065,35,79818,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,65065,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6303",0,0,0,0,0,5800,2167,5800,2167,2167,10992,34,51288,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,2167,0,0,0,0,0,0,1,0,0,1,0,0,0 -"6304",0,4700,132000,99000,33000,1000,-4000,5700,700,33700,33700,42,50031,6,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6305",0,0,0,0,0,0,0,0,0,0,4000,33,28200,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6306",0,0,115000,40000,75000,3000,0,3000,0,75000,78800,42,59433,5,17,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,0,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6307",17000,0,191000,0,191000,19500,19500,36500,36500,227500,375460,46,58317,3,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,36500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6308",0,3500,125000,40000,85000,5117,2117,8617,5617,90617,90617,34,54819,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2117,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6309",0,1000,0,0,0,125,-1375,1125,-375,-375,-375,26,19206,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-1375,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6310",0,1000,138000,112000,26000,2777,-573,3777,427,26427,30537,36,76566,5,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-573,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6311",0,0,50000,8000,42000,0,0,0,0,42000,43053,55,76566,2,16,1,0,1,0,1,1,0,0,0,0,0,1,7,4,0.6891237,0,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6312",0,60000,0,0,0,3595,3595,63595,63595,63595,86595,54,50646,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,3595,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6313",0,0,75000,56500,18500,100,-3400,100,-3400,15100,17600,31,19302,1,17,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-3400,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6314",0,12000,39000,0,39000,7799,7799,19799,19799,58799,61999,61,28194,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,7799,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6315",3000,3500,240000,150000,90000,15000,-1000,21500,5500,95500,103500,48,62463,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6316",0,4000,130000,52000,78000,800,-1400,4800,2600,80600,84600,34,73590,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-1400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6317",0,0,65000,29500,35500,2500,200,2500,200,35700,36925,52,53430,2,18,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.4938007,200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6318",0,15,25000,24200,800,114,-466,129,-451,349,4349,42,27261,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-466,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6319",10000,10000,0,0,0,3460,1860,23460,21860,21860,30910,35,54060,1,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,11860,0,0,0,0,0,0,1,0,0,1,0,0,0 -"6320",0,6500,98000,67000,31000,1470,970,7970,7470,38470,46870,43,62856,4,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,970,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6321",6000,200,68000,32000,36000,36599,36199,42799,42399,78399,99599,31,75861,3,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,42199,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6322",0,19300,14000,0,14000,850,850,20150,20150,34150,39298,33,25752,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,850,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6323",11000,1300,0,0,0,1300,-700,13600,11600,11600,34600,31,30000,2,15,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.277538,10300,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6324",0,2000,0,0,0,3000,3000,5000,5000,5000,15000,42,48180,2,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,3000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6325",0,0,0,0,0,500,500,500,500,500,4804,49,26031,2,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,500,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6326",0,0,185000,135000,50000,2775,1675,2775,1675,51675,291675,31,69537,3,17,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,1675,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6327",0,0,177000,0,177000,42200,42200,42200,42200,219200,314200,48,65601,5,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,42200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6328",0,5000,129000,0,129000,0,0,5000,5000,134000,134000,56,31131,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6329",4170,4000,165000,66000,99000,15500,14700,23670,22870,121870,121870,35,59877,4,9,1,1,0,1,1,1,1,1,1,0,0,0,6,1,0.7130944,18870,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6330",0,35000,156000,60000,96000,70000,54600,105000,89600,185600,185600,39,93924,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,54600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6331",12084,6000,142000,114000,28000,35413,35238,53497,53322,81322,86782,36,89727,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,47322,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6332",3000,80000,300000,150000,150000,170705,170705,253705,253705,403705,403705,41,111636,4,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,173705,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6333",10300,291,60000,55000,5000,41845,41845,52436,52436,57436,57436,34,31242,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,52145,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6334",0,0,300000,116500,183500,16000,13000,16000,13000,196500,198200,34,57372,6,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,13000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6335",3500,1500,45000,0,45000,1000,800,6000,5800,50800,69800,34,41415,5,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,4300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6336",0,62243,60000,35000,25000,6800,-18200,69043,44043,69043,89043,54,55080,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-18200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6337",0,0,87000,87000,0,21000,13950,21000,13950,13950,21950,40,81252,5,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,13950,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6338",2500,78000,225000,95000,130000,548,48,81048,80548,210548,385548,38,59397,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,2548,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6339",0,5800,0,0,0,257,-12743,6057,-6943,-6943,-6943,34,22779,3,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-12743,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6340",2380,0,55000,37902,17098,444,-2116,2824,264,17362,25344,60,20388,2,11,0,1,0,0,1,1,0,1,1,0,0,0,3,1,0.2696004,264,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6341",0,1818,30000,11000,19000,32,-2545,1850,-727,18273,23593,28,8679,3,12,0,1,0,0,1,1,1,0,0,1,0,0,1,2,0.062312,-2545,1,1,0,0,0,0,0,0,1,0,0,0,0 -"6342",0,0,165000,12700,152300,2799,-4201,2799,-4201,148099,148099,28,37170,2,18,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-4201,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6343",0,3150,140000,109600,30400,11800,11800,14950,14950,45350,52229,35,30480,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,11800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6344",2075,0,0,0,0,1595,1595,3670,3670,3670,6245,35,18882,1,18,1,0,1,0,1,1,0,1,0,0,0,1,2,4,0.3268128,3670,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6345",18600,40000,65000,0,65000,106500,105400,165100,164000,229000,229000,54,51804,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,124000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6346",0,0,4500,2000,2500,0,-1430,0,-1430,1070,1238,27,12789,2,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-1430,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6347",0,0,200000,60000,140000,47922,47922,47922,47922,187922,188722,54,107097,2,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,47922,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6348",0,0,75000,30000,45000,1148,-3452,1148,-3452,41548,51745,41,23661,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-3452,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6349",0,83,0,0,0,1300,-7900,1383,-7817,-7817,217,35,40446,3,14,0,1,1,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-7900,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6350",0,2700,44000,44000,0,4600,3031,7300,5731,5731,10806,40,44730,1,12,0,0,0,0,1,1,1,0,0,1,0,0,5,2,0.4200058,3031,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6351",0,0,87000,81000,6000,1500,-9000,1500,-9000,-3000,-1904,30,52923,1,18,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.4938007,-9000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6352",0,0,40000,16000,24000,999,-1,999,-1,23999,25499,41,30654,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6353",0,0,0,0,0,0,0,0,0,0,3000,58,25497,3,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6354",0,8000,62000,62000,0,0,0,8000,8000,8000,46500,48,18297,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6355",15000,80000,120000,0,120000,129400,129400,224400,224400,344400,380400,59,68346,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,144400,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6356",0,80000,90000,0,90000,28998,28998,108998,108998,198998,198998,53,53490,3,10,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,28998,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6357",15000,10000,120000,120000,0,80000,80000,105000,105000,105000,105000,61,140130,2,1,1,1,0,1,1,1,1,1,1,0,0,0,7,1,0.7316045,95000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6358",48660,98600,150000,38000,112000,236498,224641,383758,371901,483901,615234,50,107301,3,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,273301,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6359",29043,0,70000,0,70000,20000,20000,49043,49043,119043,124868,64,27000,1,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.4720998,49043,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6360",0,350,73000,30000,43000,35758,35758,36108,36108,79108,89530,38,42030,1,14,0,0,1,0,1,1,1,0,0,0,1,0,5,3,0.4200058,35758,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6361",9150,35000,78000,78000,0,5025,-975,49175,43175,43175,56175,45,54150,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8175,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6362",15000,15000,300000,150000,150000,77025,76825,107025,106825,256825,427825,42,113076,4,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,91825,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6363",0,2400,215000,150000,65000,4750,3250,7150,5650,70650,70650,33,49572,4,16,1,1,1,1,1,1,1,0,0,0,0,1,5,4,0.6077043,3250,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6364",0,6000,92000,55000,37000,8325,975,14325,6975,43975,43975,26,62475,2,2,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,975,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6365",0,10000,75400,41500,33900,6100,4600,16100,14600,48500,55500,55,60267,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,4600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6366",0,0,0,0,0,0,0,0,0,0,0,38,49368,2,16,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5231876,0,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6367",0,1000,145000,92000,53000,45100,44600,46100,45600,98600,154700,41,21222,2,17,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,44600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6368",0,1483,64000,64000,0,23000,22500,24483,23983,23983,30983,42,61683,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,22500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6369",0,750,30000,0,30000,2799,2799,3549,3549,33549,36228,45,14436,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2799,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6370",0,0,0,0,0,660,-340,660,-340,-340,-340,26,31689,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-340,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6371",10000,8000,110000,86000,24000,5500,5500,23500,23500,47500,51775,37,34032,1,16,1,0,1,0,1,1,1,1,0,0,0,1,4,4,0.6174901,15500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6372",55000,80000,70000,0,70000,125872,125872,260872,260872,330872,370872,48,73086,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,180872,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6373",0,4000,0,0,0,2711,-2589,6711,1411,1411,1911,31,23208,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-2589,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6374",0,8000,200000,53000,147000,23750,23500,31750,31500,178500,188250,39,75888,4,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,23500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6375",0,0,93000,65000,28000,10,-1790,10,-1790,26210,114210,42,39840,6,13,1,1,1,0,1,1,0,0,0,0,1,0,4,3,0.5297047,-1790,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6376",0,9000,200000,105000,95000,2501,1901,11501,10901,105901,105901,42,66852,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,1901,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6377",0,1500,0,0,0,643,-1530,2143,-30,-30,-30,34,30231,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-1530,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6378",0,5000,155000,135000,20000,8200,5200,13200,10200,30200,36200,46,61086,3,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,5200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6379",0,6000,30000,0,30000,13249,13249,19249,19249,49249,54249,59,15372,2,7,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,13249,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6380",0,2500,89000,61000,28000,550,-1450,3050,1050,29050,40050,39,68676,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1450,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6381",22371,6075,200000,90000,110000,20399,10399,48845,38845,148845,156326,43,33312,4,17,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,32770,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6382",0,0,65000,0,65000,1799,1449,1799,1449,66449,67949,33,42660,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1449,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6383",44000,30000,300000,65000,235000,2249,2249,76249,76249,311249,578249,54,68715,3,8,1,1,1,1,1,1,1,1,1,0,0,0,6,1,0.7130944,46249,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6384",0,0,93207,93207,0,3993,-107,3993,-107,-107,-107,45,67989,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-107,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6385",38160,7500,130000,92000,38000,32518,32218,78178,77878,115878,115878,37,59976,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,70378,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6386",8000,18500,300000,17000,283000,151431,150831,177931,177331,460331,460331,47,59331,4,18,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,158831,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6387",1200,3200,80000,75000,5000,13200,5200,17600,9600,14600,99100,44,43920,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,6400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6388",0,950,100000,29900,70100,0,-150,950,800,70900,71400,43,9690,6,5,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3536102,-150,1,1,0,0,0,0,0,0,0,0,1,0,0 -"6389",0,0,50000,15000,35000,313,-1337,313,-1337,33663,40663,45,38187,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1337,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6390",0,0,59500,45000,14500,5170,-130,5170,-130,14370,14370,35,43689,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-130,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6391",0,3000,75000,55000,20000,8905,6705,15905,13705,33705,42705,33,43200,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,6705,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6392",0,1800,0,0,0,700,-3800,2500,-2000,-2000,2650,26,26400,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-3800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6393",0,170,55000,7000,48000,0,-5000,170,-4830,43170,43545,31,25740,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-5000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6394",6000,16000,240000,0,240000,10000,10000,32000,32000,272000,276000,44,70125,2,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,16000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6395",0,0,300000,0,300000,84196,84196,84196,84196,384196,384196,62,108588,2,14,0,1,0,0,1,1,0,0,0,0,1,0,7,3,0.5679367,84196,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6396",0,52000,300000,0,300000,23081,21980,75081,73980,373980,373980,56,44247,2,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,21980,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6397",0,600,0,0,0,900,600,1500,1200,1200,2100,27,18030,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,600,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6398",0,0,70000,12000,58000,5050,3990,5050,3990,61990,61990,53,38262,2,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,3990,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6399",0,0,0,0,0,0,-11000,0,-11000,-11000,-11000,42,24000,2,16,1,1,0,0,1,1,0,0,0,0,0,1,3,4,0.4366938,-11000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6400",0,669,0,0,0,581,-1219,1250,-550,-550,3450,35,40674,2,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.5995759,-1219,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6401",0,0,0,0,0,9000,8600,9000,8600,8600,8600,36,50484,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,8600,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6402",0,7000,250000,105300,144700,9000,4000,16000,11000,155700,162325,38,47616,3,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,4000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6403",0,20000,50000,25000,25000,58149,55149,78149,75149,100149,100149,50,50742,2,8,0,1,0,0,1,1,1,0,1,0,0,0,6,1,0.5405443,55149,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6404",0,0,145000,110000,35000,70000,66900,70000,66900,101900,110361,39,47838,3,18,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.4200058,66900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6405",0,1000,0,0,0,25,-1075,1025,-75,-75,-75,46,13125,8,4,1,1,0,0,1,1,1,0,1,0,0,0,2,1,0.3791962,-1075,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6406",43366,150,110000,70000,40000,22396,22096,65912,65612,105612,105612,57,73815,3,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,65462,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6407",0,50000,220000,150000,70000,55798,55798,105798,105798,175798,175798,36,104190,4,16,1,1,1,0,1,1,1,0,0,0,0,1,7,4,0.6849159,55798,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6408",15602,17522,300000,82000,218000,77581,69581,110705,102705,320705,329205,54,139854,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,85183,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6409",0,200,25000,19000,6000,390,-8610,590,-8410,-2410,7590,25,22110,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-8610,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6410",7000,20000,300000,0,300000,103498,102998,130498,129998,429998,429998,57,40581,2,18,1,1,1,0,1,1,1,1,0,0,0,1,5,4,0.7196674,109998,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6411",2700,0,125000,16000,109000,14550,14550,17250,17250,126250,126250,37,46929,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,17250,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6412",0,0,15000,0,15000,900,-32500,900,-32500,-17500,-16275,44,57306,1,13,1,0,0,0,1,1,0,0,0,0,1,0,6,3,0.7472324,-32500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6413",0,381,45000,45000,0,100,100,481,481,481,3481,29,27462,5,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,100,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6414",0,7500,30000,0,30000,300,300,7800,7800,37800,37800,38,22011,5,5,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6415",14000,10000,75000,34000,41000,799,-85,24799,23915,64915,109415,42,27171,2,13,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,13915,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6416",0,500,0,0,0,500,-700,1000,-200,-200,9800,32,42024,5,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,-700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6417",2070,1603,100000,77000,23000,3723,3523,7396,7196,30196,35896,26,38604,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,5593,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6418",0,2672,0,0,0,27749,23749,30421,26421,26421,29496,45,30225,2,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,23749,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6419",0,0,60000,0,60000,0,-30000,0,-30000,30000,30000,62,21276,2,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-30000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6420",0,0,67000,12800,54200,8709,8709,8709,8709,62909,62909,64,34536,2,8,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,8709,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6421",6300,3000,0,0,0,2750,850,12050,10150,10150,13500,61,20826,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,7150,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6422",10000,900,0,0,0,500,100,11400,11000,11000,11425,38,21360,1,4,0,0,1,0,1,1,1,1,1,0,0,0,3,1,0.2029813,10100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6423",0,0,65000,37000,28000,360,-6290,360,-6290,21710,31857,36,17100,5,13,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1582553,-6290,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6424",0,0,200000,73500,126500,1990,-4010,1990,-4010,122490,122490,35,33762,2,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-4010,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6425",3500,4304,0,0,0,0,0,7804,7804,7804,7804,47,44244,5,12,0,1,1,1,1,1,1,1,0,1,0,0,5,2,0.3442089,3500,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6426",32000,30840,200000,33000,167000,59013,59013,121853,121853,288853,292203,58,70971,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,91013,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6427",0,5000,75000,66000,9000,3300,-3700,8300,1300,10300,10300,36,68445,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-3700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6428",2000,0,200000,95000,105000,52000,51000,54000,53000,158000,173500,60,85200,2,12,0,1,0,1,1,1,0,1,0,1,0,0,7,2,0.5801663,53000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6429",10000,12000,70000,63000,7000,1000,-22000,23000,0,7000,10825,52,71421,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,-12000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6430",6000,20000,76000,50000,26000,10419,-4981,36419,21019,47019,120615,32,46665,2,15,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,1019,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6431",2600,17000,0,0,0,23000,23000,42600,42600,42600,52775,28,42540,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,25600,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6432",0,5000,200000,75000,125000,55700,55700,60700,60700,185700,189350,37,25641,4,10,1,0,0,0,1,1,1,0,1,0,0,0,3,1,0.491887,55700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6433",4700,13000,128000,97000,31000,92748,41648,110448,59348,90348,90348,43,63813,2,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,46348,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6434",0,0,0,0,0,50,-350,50,-350,-350,-350,28,17928,4,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-350,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6435",0,714,0,0,0,500,500,1214,1214,1214,1214,49,30600,5,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6436",0,68,0,0,0,0,0,68,68,68,68,53,10200,4,6,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6437",0,0,0,0,0,50,-2000,50,-2000,-2000,-2000,40,32850,3,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-2000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6438",0,0,0,0,0,500,-7500,500,-7500,-7500,-6750,34,13101,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-7500,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6439",0,1200,65000,54900,10100,400,-7800,1600,-6600,3500,3500,29,39396,3,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-7800,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6440",1000,0,0,0,0,15000,15000,16000,16000,16000,23675,58,30300,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,16000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"6441",0,0,65000,65000,0,8450,6450,8450,6450,6450,11825,39,40980,1,18,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,6450,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6442",0,1500,130000,88000,42000,26200,25300,27700,26800,68800,68800,30,59685,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6443",16000,4500,68000,65000,3000,2675,-8619,23175,11881,14881,16381,40,66573,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,7381,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6444",5500,0,50000,0,50000,7499,7499,12999,12999,62999,66460,54,18144,3,12,1,0,0,0,1,1,0,1,0,1,0,0,2,2,0.3108636,12999,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6445",0,4500,92000,67000,25000,35200,30200,39700,34700,59700,59700,42,75249,5,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,30200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6446",0,0,0,0,0,2600,-3400,2600,-3400,-3400,925,39,30324,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-3400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6447",0,2500,125000,60000,65000,15000,15000,17500,17500,82500,85000,42,39900,2,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,15000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6448",26000,55000,190000,80000,110000,4800,2800,85800,83800,193800,209200,42,74646,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,28800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6449",27000,45000,190000,30000,160000,10000,-1000,82000,71000,231000,681000,59,38418,2,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,26000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6450",0,0,65000,39000,26000,2100,1100,2100,1100,27100,38153,59,40200,1,18,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.4200058,1100,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6451",32000,8000,0,0,0,8520,-7080,48520,32920,32920,41820,32,76992,5,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.4696543,24920,0,0,0,0,0,0,0,1,0,1,0,0,0 -"6452",0,1500,0,0,0,234,-1166,1734,334,334,334,44,10650,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1166,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6453",14800,7000,0,0,0,148000,148000,169800,169800,169800,225300,53,44277,1,17,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,162800,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6454",0,30000,120000,65000,55000,2579,-1421,32579,28579,83579,86929,36,57282,1,16,0,0,0,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-1421,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6455",0,0,0,0,0,0,-750,0,-750,-750,2594,27,24603,2,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,-750,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6456",0,2700,95000,70000,25000,8034,8034,10734,10734,35734,47734,39,62025,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8034,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6457",6000,8000,95000,80000,15000,35000,35000,49000,49000,64000,77053,44,50250,2,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,41000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6458",9000,0,169000,116000,53000,16100,13000,25100,22000,75000,75000,29,52467,3,15,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,22000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6459",0,12369,0,0,0,900,-2100,13269,10269,10269,13844,35,29427,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-2100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6460",536,4600,110000,79900,30100,36635,26835,41771,31971,62071,92271,55,123111,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,27371,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6461",0,5200,0,0,0,7900,7900,13100,13100,13100,19650,32,16590,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,7900,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6462",3200,0,18000,0,18000,5857,5857,9057,9057,27057,29394,32,14121,1,12,1,0,0,0,1,1,0,1,0,1,0,0,2,2,0.3108636,9057,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6463",0,0,7000,0,7000,13200,12950,13200,12950,19950,19950,58,37068,2,8,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,12950,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6464",10000,80500,85000,85000,0,3400,1400,93900,91900,91900,91900,28,62430,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,11400,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6465",0,5000,0,0,0,12047,12047,17047,17047,17047,19997,55,20898,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,12047,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6466",1000,1000,30000,10000,20000,11010,-9031,13010,-7031,12969,29969,48,96837,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,-8031,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6467",0,0,135000,100000,35000,4000,-4200,4000,-4200,30800,33800,26,73212,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-4200,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6468",0,10000,95000,70000,25000,50,-1524,10050,8476,33476,39976,29,46323,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1524,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6469",0,0,0,0,0,2185,2020,2185,2020,2020,4870,27,27657,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,2020,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6470",37000,80000,125000,88000,37000,5678,2678,122678,119678,156678,166278,33,119460,6,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,39678,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6471",0,425,0,0,0,0,-5000,425,-4575,-4575,-4575,31,25800,5,9,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6472",0,0,85000,59000,26000,2070,-20930,2070,-20930,5070,17070,27,39255,3,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-20930,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6473",0,1000,0,0,0,1100,-3900,2100,-2900,-2900,25200,31,24762,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-3900,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6474",32000,17988,85000,36500,48500,44583,44583,94571,94571,143071,143071,55,90978,3,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,76583,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6475",0,14000,75000,15000,60000,1249,-3151,15249,10849,70849,123849,44,46275,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-3151,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6476",8800,25000,135000,123200,11800,16499,16499,50299,50299,62099,81099,32,90729,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,25299,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6477",0,0,170000,99000,71000,350,-9087,350,-9087,61913,64553,38,84504,3,18,0,1,1,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-9087,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6478",0,0,0,0,0,599,-4607,599,-4607,-4607,3989,44,31911,1,9,0,0,1,0,1,1,0,0,1,0,0,0,4,1,0.3086649,-4607,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6479",2000,0,0,0,0,400,-1600,2400,400,400,4066,33,28179,1,13,1,0,1,0,1,1,0,1,0,0,1,0,3,3,0.5117899,400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6480",17000,2600,80000,0,80000,1000,-3000,20600,16600,96600,111600,42,57465,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6481",0,18000,70000,0,70000,1500,1500,19500,19500,89500,89500,56,132996,6,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,1500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6482",0,4860,65000,52886,12114,13200,-10233,18060,-5373,6741,10477,44,91725,3,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-10233,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6483",0,0,57000,0,57000,8000,8000,8000,8000,65000,134700,42,65280,3,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,8000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6484",6851,80000,0,0,0,18500,18300,105351,105151,105151,110151,41,39780,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.277538,25151,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6485",0,6000,58424,21500,36924,20550,20550,26550,26550,63474,63474,39,30024,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,20550,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6486",0,0,0,0,0,17300,16900,17300,16900,16900,19400,42,36120,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,16900,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6487",0,5000,89000,69000,20000,100,100,5100,5100,25100,28450,44,46593,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6488",3000,1000,185000,18000,167000,15508,11508,19508,15508,182508,186358,56,31680,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,14508,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6489",0,5000,8000,0,8000,670,-5280,5670,-280,7720,12720,33,24138,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-5280,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6490",8000,2900,162950,98000,64950,34000,28000,44900,38900,103850,103850,46,66396,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,36000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6491",0,1000,80000,0,80000,2000,-6000,3000,-5000,75000,110000,50,12240,2,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-6000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6492",0,0,45000,0,45000,10289,-4711,10289,-4711,40289,56039,40,68661,5,16,1,1,0,0,1,1,0,0,0,0,0,1,6,4,0.6688337,-4711,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6493",0,600,0,0,0,100,-965,700,-365,-365,1135,35,27840,2,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-965,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6494",3800,2000,0,0,0,299,-4201,6099,1599,1599,1599,31,36201,5,14,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.277538,-401,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6495",0,80000,85000,0,85000,49,49,80049,80049,165049,183049,52,76806,2,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,49,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6496",0,0,30000,0,30000,75,-425,75,-425,29575,32925,37,19440,3,14,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-425,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6497",0,10000,151000,150000,1000,2999,2999,12999,12999,13999,13999,49,37182,2,16,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.3719455,2999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6498",0,1015,0,0,0,3749,3749,4764,4764,4764,4764,42,18555,2,12,1,1,1,1,1,1,1,0,0,1,0,0,2,2,0.3791962,3749,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6499",13000,26000,103000,80000,23000,1550,-3450,66550,61550,84550,85050,30,62490,3,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,9550,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6500",600,28000,300000,109000,191000,2200,-9800,30800,18800,209800,233400,43,116940,4,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-9200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6501",0,17000,40000,0,40000,6050,-12250,23050,4750,44750,44750,42,71376,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-12250,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6502",0,28000,65000,48000,17000,2400,-8400,30400,19600,36600,63450,42,57186,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-8400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6503",0,0,79000,68500,10500,9000,9000,9000,9000,19500,33203,50,35754,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6028074,9000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6504",11000,0,300000,150000,150000,4065,-2435,15065,8565,158565,172565,49,101532,2,14,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,8565,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6505",0,400,0,0,0,540,240,940,640,640,1640,27,19143,2,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,240,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6506",0,0,0,0,0,0,0,0,0,0,1000,39,28050,5,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6507",0,1000,0,0,0,550,550,1550,1550,1550,2050,55,11049,6,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,550,0,0,1,0,0,0,0,0,0,0,0,0,1 -"6508",0,13866,40000,35000,5000,730,-1270,14596,12596,17596,21596,36,36552,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1270,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6509",0,8000,56000,37450,18550,16100,15833,24100,23833,42383,64583,34,53700,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,15833,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6510",0,0,60000,51000,9000,1350,1350,1350,1350,10350,13350,34,42906,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1350,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6511",8500,20000,110000,48000,62000,51000,47500,79500,76000,138000,183000,50,91887,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,56000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6512",0,0,0,0,0,234,-18866,234,-18866,-18866,-14366,45,59616,2,16,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-18866,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6513",0,20000,80000,37900,42100,2460,-540,22460,19460,61560,61560,35,33834,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-540,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6514",0,2500,0,0,0,350,100,2850,2600,2600,2600,26,14532,3,13,1,1,1,0,1,1,1,0,0,0,1,0,2,3,0.3791962,100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6515",1399,17613,125000,83000,42000,5407,2407,24419,21419,63419,67852,41,44883,2,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,3806,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6516",0,12000,0,0,0,7500,6500,19500,18500,18500,19925,35,29970,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,6500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6517",0,8000,70000,70000,0,14660,14610,22660,22610,22610,25960,41,37245,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,14610,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6518",0,20,80000,76000,4000,4300,-700,4320,-680,3320,3320,38,42600,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6519",27000,80000,180000,18000,162000,31000,31000,138000,138000,300000,300000,56,100365,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,58000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6520",0,30000,0,0,0,761,-1639,30761,28361,28361,30211,37,41439,1,14,0,0,1,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-1639,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6521",12000,21000,40000,30000,10000,6030,1030,39030,34030,44030,44030,34,73071,4,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13030,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6522",0,200,0,0,0,0,0,200,200,200,200,35,14850,8,6,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3791962,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6523",61000,28000,300000,0,300000,184000,184000,298000,298000,598000,748000,58,200997,3,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,245000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6524",0,0,0,0,0,2348,-11261,2348,-11261,-11261,-11261,30,25488,4,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.2092901,-11261,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6525",0,5000,0,0,0,50,-1250,5050,3750,3750,10450,43,28080,4,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-1250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6526",0,0,0,0,0,299,299,299,299,299,1299,43,39204,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,299,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6527",0,11000,0,0,0,2100,-9900,13100,1100,1100,2600,28,32034,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-9900,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6528",0,1500,70000,0,70000,3000,2070,4500,3570,73570,98570,53,27300,2,10,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,2070,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6529",0,450,46000,45000,1000,2456,2456,2906,2906,3906,3906,42,26856,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,2456,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6530",0,2200,0,0,0,4266,-3844,6466,-1644,-1644,356,29,64935,4,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5000061,-3844,0,0,0,0,0,0,1,0,1,0,0,0,0 -"6531",5686,4388,150000,55000,95000,9683,9183,19757,19257,114257,114257,50,38112,2,12,1,1,0,0,1,1,1,1,0,1,0,0,4,2,0.5449064,14869,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6532",0,1300,89000,55000,34000,3749,1749,5049,3049,37049,37049,38,26964,4,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,1749,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6533",0,0,60000,0,60000,899,899,899,899,60899,60899,51,19164,2,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,899,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6534",5000,1500,125000,100000,25000,4300,4300,10800,10800,35800,35800,33,65529,5,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,9300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6535",0,100,65000,23000,42000,0,0,100,100,42100,42100,41,19200,5,9,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6536",5600,4758,60000,48000,12000,7110,2460,17468,12818,24818,155918,36,43437,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,8060,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6537",0,0,25000,15000,10000,458,158,458,158,10158,11324,41,23454,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,158,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6538",55000,80000,300000,150000,150000,400500,387300,535500,522300,672300,672300,40,131796,4,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,442300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6539",2600,200,75000,56000,19000,2049,2049,4849,4849,23849,30849,31,67593,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,4649,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6540",1600,48000,280000,137000,143000,4250,-9650,53850,39950,182950,201450,51,95178,3,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-8050,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6541",0,0,70000,55000,15000,8699,8699,8699,8699,23699,23699,44,54060,7,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,8699,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6542",0,2500,0,0,0,1100,-13900,3600,-11400,-11400,-7975,33,34671,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-13900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6543",0,6000,150000,131000,19000,5145,3145,11145,9145,28145,34160,34,65556,4,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,3145,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6544",0,5000,104000,0,104000,12649,3849,17649,8849,112849,116849,56,8136,2,12,1,1,0,0,1,1,1,0,0,1,0,0,1,2,0.375,3849,1,1,0,0,0,0,0,0,0,0,0,0,1 -"6545",0,3000,0,0,0,5200,-10300,8200,-7300,-7300,5700,27,58362,2,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-10300,0,0,0,0,0,0,1,0,1,0,0,0,0 -"6546",0,0,0,0,0,25,-975,25,-975,-975,-475,36,21615,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-975,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6547",0,15,100000,55000,45000,49,-4951,64,-4936,40064,40064,36,13506,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-4951,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6548",1944,17000,36700,0,36700,49999,49999,68943,68943,105643,113643,51,44658,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,51943,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6549",0,9000,53000,35000,18000,20500,17500,29500,26500,44500,55931,39,40179,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,17500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6550",0,6000,275000,150000,125000,8800,8775,14800,14775,139775,140875,45,58758,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8775,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6551",0,0,30000,40000,-10000,6781,-8219,6781,-8219,-18219,-18219,43,48426,3,8,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,-8219,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6552",30000,0,250000,0,250000,22288,22288,52288,52288,302288,302288,52,70896,2,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,52288,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6553",25533,40000,0,0,0,1600,100,67133,65633,65633,75995,53,34584,1,14,1,0,1,0,1,1,1,1,0,0,1,0,4,3,0.6739899,25633,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6554",12400,13450,25000,19800,5200,2380,35,28230,25885,31085,31420,49,13530,2,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,12435,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6555",17700,40000,132000,90000,42000,50050,50050,107750,107750,149750,149750,31,58632,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,67750,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6556",0,4000,0,0,0,3252,-2748,7252,1252,1252,5627,25,37194,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-2748,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6557",0,0,171000,150000,21000,20380,20250,20380,20250,41250,64250,45,76008,2,12,0,1,0,1,1,1,0,0,0,1,0,0,7,2,0.5679367,20250,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6558",0,40000,0,0,0,20398,20398,60398,60398,60398,66573,51,35472,2,4,0,0,1,0,1,1,1,0,1,0,0,0,4,1,0.3086649,20398,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6559",0,16000,150000,40000,110000,1300,100,17300,16100,126100,132183,53,41538,3,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,100,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6560",0,2500,65000,40000,25000,500,500,3000,3000,28000,30500,44,33060,3,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6561",0,0,0,0,0,0,-3700,0,-3700,-3700,300,48,20232,10,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.2092901,-3700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6562",0,0,0,0,0,525,-4497,525,-4497,-4497,-3734,35,32400,2,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,-4497,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6563",0,0,120000,62000,58000,800,-4300,800,-4300,53700,208200,37,54996,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-4300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6564",5265,514,70000,40500,29500,12940,8940,18719,14719,44219,44219,49,41685,6,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,14205,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6565",0,22000,0,0,0,10859,8859,32859,30859,30859,38784,33,39096,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,8859,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6566",0,8000,165000,67000,98000,1125,295,9125,8295,106295,113095,40,77100,4,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,295,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6567",0,47000,270000,135000,135000,8500,4500,55500,51500,186500,318000,45,145854,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,4500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6568",14000,80000,150000,35000,115000,30000,30000,124000,124000,239000,314000,41,28350,4,14,0,1,0,1,1,1,1,1,0,0,1,0,3,3,0.2696004,44000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6569",0,50000,110000,77000,33000,479,-6041,50479,43959,76959,76959,45,37893,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6041,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6570",0,300,0,0,0,18100,18100,18400,18400,18400,18400,30,57381,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,18100,0,0,0,0,0,0,1,0,0,1,0,0,0 -"6571",0,0,132000,132000,0,20500,20500,20500,20500,20500,20500,34,79374,3,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,20500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6572",0,80000,149000,149000,0,9700,1200,89700,81200,81200,81700,52,90900,2,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,1200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6573",0,30000,0,0,0,4300,-7700,34300,22300,22300,22300,30,92904,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,-7700,0,0,0,0,0,0,0,1,0,1,0,0,0 -"6574",0,17,50000,50000,0,300,-9985,317,-9968,-9968,-6388,29,40971,3,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-9985,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6575",0,2300,0,0,0,200,200,2500,2500,2500,4500,38,19800,2,8,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6576",0,11231,80000,28000,52000,5369,3869,16600,15100,67100,70100,37,36984,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,3869,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6577",0,70000,200000,120000,80000,25900,25700,95900,95700,175700,182700,34,102666,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,25700,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6578",10000,4000,300000,150000,150000,25271,25271,39271,39271,189271,189771,54,36012,1,12,0,0,0,0,1,1,1,1,0,1,0,0,4,2,0.3669286,35271,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6579",0,50000,36000,0,36000,23750,23750,73750,73750,109750,123475,63,18330,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,23750,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6580",10400,12000,230000,56000,174000,60800,60800,83200,83200,257200,257200,44,72165,3,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,71200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6581",0,0,30000,7000,23000,164,-36,164,-36,22964,22964,45,11430,4,10,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,-36,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6582",0,10000,180000,35000,145000,2499,1999,12499,11999,156999,156999,53,53292,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6583",0,8000,45000,19000,26000,80,-7020,8080,980,26980,27980,48,24765,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-7020,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6584",0,35000,90000,0,90000,52000,50000,87000,85000,175000,201000,51,49566,2,13,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,50000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6585",8000,8000,150000,42000,108000,46283,45283,62283,61283,169283,172633,46,45063,1,15,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,53283,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6586",0,2750,70000,16000,54000,596,-2804,3346,-54,53946,53946,49,36684,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2804,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6587",0,20000,42000,0,42000,249,249,20249,20249,62249,82313,59,36027,2,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.3719455,249,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6588",16000,20000,125000,82000,43000,4000,4000,40000,40000,83000,83200,33,49959,4,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,20000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6589",0,2400,125000,98000,27000,360,-640,2760,1760,28760,28760,42,57414,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-640,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6590",0,0,0,0,0,15,-2485,15,-2485,-2485,-2485,48,35082,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-2485,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6591",37000,140000,300000,150000,150000,47200,41400,224200,218400,368400,413400,55,117600,4,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,78400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6592",0,0,180000,112000,68000,4800,-2900,4800,-2900,65100,69100,43,55716,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-2900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6593",0,0,65000,48000,17000,180,-120,180,-120,16880,21880,28,31686,4,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,-120,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6594",0,3000,30000,25000,5000,0,-6240,3000,-3240,1760,4760,34,45600,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-6240,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6595",0,0,300000,150000,150000,3299,-28701,3299,-28701,121299,135299,36,60651,4,9,1,1,1,0,1,1,0,0,1,0,0,0,6,1,0.6688337,-28701,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6596",0,3000,90000,59000,31000,18899,16099,21899,19099,50099,50099,34,48219,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,16099,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6597",11300,7000,150000,72000,78000,41756,25456,60056,43756,121756,121756,54,49881,5,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,36756,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6598",1000,0,30000,20000,10000,20000,20000,21000,21000,31000,43500,45,34986,1,14,1,0,1,0,1,1,0,1,0,0,1,0,4,3,0.6174901,21000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6599",11000,0,120000,0,120000,21600,17000,32600,28000,148000,248000,49,45900,2,18,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,28000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6600",0,9000,150000,101000,49000,2400,-6000,11400,3000,52000,53000,29,31842,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-6000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"6601",0,0,135000,0,135000,130229,130229,130229,130229,265229,265229,50,58176,2,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,130229,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6602",0,70000,115000,7900,107100,29350,3150,99350,73150,180250,206250,48,62430,6,18,1,1,0,0,1,1,1,0,0,0,0,1,6,4,0.6688337,3150,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6603",2400,0,90000,68161,21839,81300,81300,83700,83700,105539,161064,30,41535,1,14,1,0,1,0,1,1,0,1,0,0,1,0,5,3,0.650903,83700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6604",0,17000,0,0,0,500,-11200,17500,5800,5800,6300,39,50400,2,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,-11200,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6605",50000,200,50000,26000,24000,148,-12852,50348,37348,61348,61348,55,36720,2,8,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,37148,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6606",0,1300,90000,75120,14880,3000,-2000,4300,-700,14180,14180,30,46302,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-2000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6607",0,6500,165000,109000,56000,5100,-1000,11600,5500,61500,61500,30,67824,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6608",0,18000,0,0,0,4400,-3600,22400,14400,14400,21900,49,38310,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-3600,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6609",0,5000,0,0,0,400,296,5400,5296,5296,7704,30,18915,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,296,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6610",0,600,49000,0,49000,600,-540,1200,60,49060,52260,63,22299,3,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,-540,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6611",9650,25000,140000,98000,42000,27499,27499,62149,62149,104149,104149,49,60069,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,37149,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6612",0,24000,0,0,0,3500,-2100,27500,21900,21900,26182,44,29913,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-2100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6613",0,800,100000,12000,88000,19500,18600,20300,19400,107400,114879,54,40500,2,15,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,18600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6614",0,0,0,0,0,2250,-2150,2250,-2150,-2150,1350,30,34413,2,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-2150,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6615",12000,3500,210000,136000,74000,15500,15350,36000,35850,109850,109850,31,48522,4,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,27350,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6616",0,1200,0,0,0,3050,550,4250,1750,1750,5425,30,30105,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,550,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6617",0,10000,0,0,0,11000,7900,21000,17900,17900,17900,42,39279,4,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,7900,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6618",0,0,0,0,0,3500,-7500,3500,-7500,-7500,-4131,25,31215,1,17,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-7500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6619",0,0,30000,14500,15500,400,-900,400,-900,14600,14600,40,51960,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6620",36200,1400,106000,78000,28000,19999,19999,57599,57599,85599,85599,36,74100,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,56199,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6621",0,18000,100000,96500,3500,2549,-8451,20549,9549,13049,16217,55,44184,3,9,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.4407951,-8451,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6622",8000,0,84000,79000,5000,97800,92800,105800,100800,105800,105800,37,57000,3,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,100800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6623",0,23000,0,0,0,3700,3700,26700,26700,26700,39275,40,9498,2,15,0,0,1,0,1,1,1,0,0,0,1,0,1,3,0.0278493,3700,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6624",36000,0,40000,38500,1500,32165,32165,68165,68165,69665,76665,39,44586,3,18,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,68165,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6625",0,800,80000,0,80000,6880,5380,7680,6180,86180,87180,32,63207,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,5380,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6626",0,0,63000,55000,8000,241,-8259,241,-8259,-259,1741,53,23550,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-8259,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6627",0,81001,160000,39000,121000,4200,3980,85201,84981,205981,209981,52,46818,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,3980,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6628",0,600,0,0,0,1300,-100,1900,500,500,1500,29,12810,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6629",0,0,150000,70000,80000,10,-3490,10,-3490,76510,87689,36,35196,2,10,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-3490,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6630",0,834,0,0,0,10000,8200,10834,9034,9034,12495,39,17592,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,8200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6631",0,12000,45500,45500,0,3400,3200,15400,15200,15200,31200,29,53172,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,3200,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6632",18000,3000,100000,60000,40000,400,350,21400,21350,61350,63050,36,33030,5,11,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,18350,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6633",17000,0,55000,0,55000,12600,12600,29600,29600,84600,84100,45,29100,1,15,0,0,1,0,1,1,0,1,0,0,1,0,3,3,0.2658667,29600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6634",0,0,67000,15900,51100,13374,13374,13374,13374,64474,64474,50,39240,3,9,1,1,1,0,1,1,0,0,1,0,0,0,4,1,0.5297047,13374,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6635",0,5000,87000,72950,14050,762,112,5762,5112,19162,20112,40,38466,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,112,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6636",0,0,55000,40000,15000,6300,5800,6300,5800,20800,136975,33,21720,1,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,5800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6637",0,0,58000,37000,21000,13320,13320,13320,13320,34320,37270,36,25647,1,13,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,13320,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6638",0,360,170000,30500,139500,2748,-12252,3108,-11892,127608,127608,41,37242,4,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-12252,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6639",0,20000,65000,48000,17000,2200,1900,22200,21900,38900,38900,42,44874,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6640",26296,0,96000,86400,9600,10915,8583,37211,34879,44479,47829,40,55806,1,18,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,34879,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6641",50000,2900,80000,56000,24000,17199,15099,70099,67999,91999,91999,43,51816,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,65099,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6642",0,20,57000,30000,27000,400,-5400,420,-5380,21620,24320,34,16704,6,6,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3623197,-5400,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6643",0,633,83000,71000,12000,4911,4311,5544,4944,16944,23944,27,54339,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,4311,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6644",0,0,40000,10000,30000,200,-16200,200,-16200,13800,13800,41,40320,5,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-16200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6645",0,5000,70000,30000,40000,5200,1200,10200,6200,46200,51033,51,25488,1,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,1200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6646",1800,10000,0,0,0,6075,3075,17875,14875,14875,43425,37,36090,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,4875,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6647",0,500,83000,65000,18000,17800,16800,18300,17300,35300,53300,41,48732,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,16800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6648",0,2310,180000,55000,125000,37000,33000,39310,35310,160310,169310,49,57195,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,33000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6649",0,0,0,0,0,2550,-3450,2550,-3450,-3450,16550,35,91761,4,12,0,1,0,1,1,1,0,0,0,1,0,0,7,2,0.4572618,-3450,0,0,0,0,0,0,0,1,0,1,0,0,0 -"6650",0,0,0,0,0,5327,5327,5327,5327,5327,114827,42,31131,3,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,5327,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6651",0,3500,200000,150000,50000,3500,-1500,7000,2000,52000,55000,44,96816,4,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-1500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6652",0,900,225000,30000,195000,8000,5000,8900,5900,200900,202075,43,42480,2,17,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,5000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6653",0,2320,60000,34000,26000,10700,7700,13020,10020,36020,37782,35,33150,5,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,7700,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6654",0,116,0,0,0,2200,-6710,2316,-6594,-6594,-2944,32,36012,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-6710,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6655",0,13866,0,0,0,30,-21270,13896,-7404,-7404,-7404,36,15306,6,6,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,-21270,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6656",0,37,18888,17000,1888,388,388,425,425,2313,9338,47,16719,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,388,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6657",0,0,20000,20500,-500,0,-3000,0,-3000,-3500,-700,41,25800,3,10,0,1,0,1,1,1,0,0,1,0,0,0,3,1,0.273178,-3000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6658",0,403,5000,0,5000,350,-6750,753,-6347,-1347,4228,36,17385,3,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,-6750,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6659",2150,35000,98000,64000,34000,600,600,37750,37750,71750,445100,57,53004,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,2750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6660",0,0,300000,150000,150000,5199,5199,5199,5199,155199,155199,46,90300,3,18,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,5199,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6661",0,0,150000,128000,22000,100,-200,100,-200,21800,22800,37,19644,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6662",0,390,180000,50000,130000,1000,300,1390,690,130690,130990,49,27675,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6663",5200,27500,75000,50000,25000,64500,64300,97200,97000,122000,152000,28,60033,2,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,69500,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6664",0,1800,0,0,0,900,-11100,2700,-9300,-9300,-1942,43,21675,2,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-11100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6665",0,60000,70000,39900,30100,6000,-200,66000,59800,89900,90400,61,47100,2,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-200,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6666",0,2100,66000,44800,21200,11000,11000,13100,13100,34300,40700,39,64359,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6667",500,10000,96000,59200,36800,27800,27800,38300,38300,75100,78600,31,62865,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,28300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6668",0,5500,6000,0,6000,0,-4700,5500,800,6800,7300,25,18312,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-4700,1,0,1,0,0,0,0,0,1,0,0,0,0 -"6669",5000,9015,0,0,0,41679,41679,55694,55694,55694,60183,58,44373,1,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,46679,0,0,0,0,0,1,0,0,0,0,0,0,1 -"6670",0,0,0,0,0,500,-5600,500,-5600,-5600,-5100,45,15300,2,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-5600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6671",0,11000,28000,16000,12000,1137,-12863,12137,-1863,10137,12937,43,69693,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-12863,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6672",0,300,145000,128000,17000,6000,5000,6300,5300,22300,54300,32,135447,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,5000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6673",0,240,160000,50000,110000,1000,-15000,1240,-14760,95240,205240,39,42600,3,14,0,1,1,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-15000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6674",0,0,22000,9000,13000,650,-5830,650,-5830,7170,7170,42,21156,6,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-5830,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6675",0,18200,75000,50000,25000,12850,12450,31050,30650,55650,64650,35,67767,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,12450,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6676",0,70000,175000,51000,124000,3182,682,73182,70682,194682,194682,42,89520,5,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,682,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6677",0,0,0,0,0,1500,200,1500,200,200,1950,31,39672,4,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.2951996,200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6678",0,80,0,0,0,200,200,280,280,280,1230,32,15579,4,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6679",0,0,140000,85000,55000,46000,45500,46000,45500,100500,106500,35,50400,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,45500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6680",17000,32000,145000,64000,81000,38920,38920,87920,87920,168920,175920,38,35982,4,16,0,1,1,0,1,1,1,1,0,0,0,1,4,4,0.3524857,55920,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6681",0,0,202500,150000,52500,250,-1550,250,-1550,50950,85904,35,16371,3,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-1550,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6682",0,42000,50000,39500,10500,1000,1000,43000,43000,53500,53500,38,11604,4,5,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,1000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6683",0,0,0,0,0,0,-16000,0,-16000,-16000,-13800,50,33690,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-16000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6684",0,4012,70000,40000,30000,17815,11615,21827,15627,45627,69627,34,58881,5,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,11615,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6685",0,3700,65000,60000,5000,2000,1400,5700,5100,10100,10100,28,54300,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1400,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6686",46000,104000,200000,150000,50000,53700,38700,203700,188700,238700,238700,55,87735,2,1,1,1,1,1,1,1,1,1,1,0,0,0,7,1,0.7316045,84700,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6687",0,19000,6000,0,6000,400,-2500,19400,16500,22500,23000,55,13653,2,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-2500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6688",0,5200,0,0,0,50,50,5250,5250,5250,5950,30,26877,1,8,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2060434,50,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6689",0,0,0,0,0,0,0,0,0,0,0,47,10125,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6690",0,0,0,0,0,538,538,538,538,538,34138,27,28704,3,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,538,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6691",0,83,0,0,0,1500,1200,1583,1283,1283,6058,34,20445,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,1200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6692",20700,720,72000,3500,68500,35,-2215,21455,19205,87705,110905,55,37026,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,18485,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6693",0,2000,35000,0,35000,1000,1000,3000,3000,38000,40980,48,36528,6,6,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6694",0,0,92000,38000,54000,3400,3400,3400,3400,57400,69400,33,52659,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,3400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6695",0,3800,59500,59500,0,4449,1949,8249,5749,5749,5749,42,57852,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1949,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6696",0,7500,56000,0,56000,2090,-1260,9590,6240,62240,65240,43,20430,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-1260,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6697",0,1000,0,0,0,100,-1200,1100,-200,-200,4750,37,10203,1,9,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,-1200,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6698",0,42800,0,0,0,1510,1510,44310,44310,44310,44810,53,16002,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,1510,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6699",0,1000,0,0,0,0,0,1000,1000,1000,1000,51,13005,5,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"6700",0,11000,73000,20200,52800,1000,1000,12000,12000,64800,68800,50,25395,1,11,0,0,0,0,1,1,1,0,1,0,0,0,3,1,0.2694195,1000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6701",0,0,115000,70000,45000,36999,36199,36999,36199,81199,102942,45,30120,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,36199,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6702",0,2148,300000,150000,150000,54800,51800,56948,53948,203948,325948,43,65700,5,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,51800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6703",12000,20000,125000,0,125000,4600,4600,36600,36600,161600,171100,61,29832,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,16600,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6704",0,0,78000,46000,32000,17499,17199,17499,17199,49199,86999,50,48042,5,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,17199,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6705",2201,80000,125000,0,125000,58143,57428,140344,139629,264629,264629,54,102435,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,59629,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6706",33500,33500,300000,145000,155000,51500,51500,118500,118500,273500,290500,42,97494,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,85000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6707",0,0,69000,44000,25000,34900,34900,34900,34900,59900,69906,46,70374,5,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,34900,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6708",5837,0,40000,4100,35900,19287,19287,25124,25124,61024,61024,49,54492,2,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,25124,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6709",0,6000,2500,0,2500,1000,1000,7000,7000,9500,16000,35,39327,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6710",0,0,120000,99000,21000,5049,3049,5049,3049,24049,29529,39,16614,8,10,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,3049,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6711",0,0,150000,41125,108875,1530,1309,1530,1309,110184,150184,53,47919,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,1309,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6712",0,25000,100000,25000,75000,81500,81300,106500,106300,181300,181300,44,72000,8,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,81300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6713",0,0,45000,35000,10000,10,-4490,10,-4490,5510,6643,36,22749,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-4490,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6714",0,35000,155000,0,155000,31049,31049,66049,66049,221049,223849,52,42252,2,14,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5315816,31049,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6715",0,7500,0,0,0,1249,-4251,8749,3249,3249,6599,45,50235,2,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,-4251,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6716",5000,35000,0,0,0,0,0,40000,40000,40000,42500,48,48276,1,16,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,5000,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6717",0,0,45000,0,45000,0,-2000,0,-2000,43000,43000,46,20400,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,-2000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6718",18000,0,0,0,0,700,-4300,18700,13700,13700,13700,53,46824,2,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.3442089,13700,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6719",0,80000,50000,29000,21000,2918,-482,82918,79518,100518,106593,39,34950,2,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-482,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6720",0,3116,59000,52000,7000,6000,1000,9116,4116,11116,11678,31,57918,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,1000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6721",0,9500,150000,100000,50000,8000,2000,17500,11500,61500,61500,31,76704,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,2000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6722",0,2200,65000,35000,30000,80,-120,2280,2080,32080,32080,28,64137,4,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-120,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6723",0,0,0,0,0,885,-13115,885,-13115,-13115,-8715,30,25533,6,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-13115,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6724",0,0,50000,47000,3000,700,-250,700,-250,2750,2750,40,35064,5,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-250,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6725",0,180,75000,0,75000,500,500,680,680,75680,75680,51,45015,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6726",0,12000,0,0,0,6500,6500,18500,18500,18500,21700,42,24546,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6727",0,1400,140000,102000,38000,30898,26398,32298,27798,65798,74798,50,34470,5,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,26398,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6728",0,912,0,0,0,749,119,1661,1031,1031,4981,25,10545,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,119,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6729",0,300,0,0,0,150,-9550,450,-9250,-9250,-8750,39,19833,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9550,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6730",0,0,225000,130000,95000,25500,18500,25500,18500,113500,133500,40,26910,4,13,1,1,0,0,1,1,0,0,0,0,1,0,3,3,0.3978536,18500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6731",0,0,0,0,0,3000,1500,3000,1500,1500,10596,25,30960,1,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3086649,1500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6732",0,0,34000,33000,1000,500,-8000,500,-8000,-7000,6000,33,35832,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-8000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6733",19800,32000,275000,60000,215000,304000,299500,355800,351300,566300,573300,51,77850,5,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,319300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6734",0,1800,100000,38900,61100,0,-2800,1800,-1000,60100,62600,43,19104,3,8,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,-2800,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6735",0,5000,0,0,0,500,270,5500,5270,5270,12680,53,66000,2,15,0,0,1,0,1,1,1,0,0,0,1,0,6,3,0.3169526,270,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6736",0,2500,55000,0,55000,900,-800,3400,1700,56700,75700,60,31275,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,0,0,1 -"6737",0,5200,48000,32900,15100,2100,1900,7300,7100,22200,43200,27,54996,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1900,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6738",0,0,5555,5000,555,13300,13000,13300,13000,13555,49891,56,23880,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,13000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6739",0,11231,0,0,0,499,499,11730,11730,11730,12360,43,35331,3,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.2951996,499,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6740",0,700,135000,65000,70000,2400,-4900,3100,-4200,65800,67300,30,40974,5,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-4900,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6741",0,0,34010,38000,-3990,44,-2542,44,-2542,-6532,-1532,34,27213,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-2542,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6742",0,125,0,0,0,18200,18200,18325,18325,18325,24750,29,15870,1,16,1,0,1,0,1,1,1,0,0,0,0,1,2,4,0.4215196,18200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6743",0,7800,120000,81000,39000,15120,14820,22920,22620,61620,82173,35,34758,1,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3866406,14820,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6744",5000,2500,65000,57500,7500,24025,23225,31525,30725,38225,39191,48,34701,2,18,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,28225,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6745",0,0,0,0,0,0,0,0,0,0,1000,40,22560,1,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6746",0,0,0,0,0,500,-4500,500,-4500,-4500,-3000,27,14430,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-4500,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6747",0,13000,75000,48000,27000,80,-920,13080,12080,39080,42280,36,27000,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-920,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6748",2800,250,48000,48000,0,300,300,3350,3350,3350,3350,44,17991,3,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.1464927,3100,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6749",13000,7600,140000,135000,5000,4500,-6270,25100,14330,19330,120330,39,94860,5,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,6730,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6750",0,0,110000,15000,95000,2000,-800,2000,-800,94200,94200,32,60360,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6751",32000,500,0,0,0,104200,104200,136700,136700,136700,139700,54,44052,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.3442089,136200,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6752",0,7400,125000,114300,10700,400,-100,7800,7300,18000,18000,28,60270,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-100,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6753",0,22500,120000,61000,59000,11500,-500,34000,22000,81000,81000,33,64296,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6754",0,0,114000,89500,24500,4882,2882,4882,2882,27382,37382,40,36174,2,12,0,1,1,1,1,1,0,0,0,1,0,0,4,2,0.3719455,2882,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6755",0,900,30000,0,30000,0,0,900,900,30900,31400,39,9600,3,10,1,0,1,0,1,1,1,0,1,0,0,0,1,1,0.3536102,0,1,1,0,0,0,0,0,0,0,0,1,0,0 -"6756",0,5260,87000,87000,0,6248,5448,11508,10708,10708,20708,29,73650,2,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,5448,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6757",10000,4000,125000,25000,100000,1400,-8600,15400,5400,105400,111400,60,50622,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,1400,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6758",60000,7000,225000,131000,94000,40257,40257,107257,107257,201257,204257,44,102189,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,100257,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6759",0,3500,0,0,0,300,-4850,3800,-1350,-1350,1450,31,30198,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-4850,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6760",0,1000,0,0,0,21599,21599,22599,22599,22599,30944,29,26064,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,21599,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6761",0,300,0,0,0,20,20,320,320,320,320,55,7650,1,10,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3021799,20,0,1,0,0,0,0,0,0,0,0,0,0,1 -"6762",0,7000,100000,76000,24000,6000,4800,13000,11800,35800,38300,33,32361,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,4800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6763",100,0,85000,70000,15000,1000,-1800,1100,-1700,13300,13300,31,58809,5,18,0,1,0,0,1,1,0,1,0,0,0,1,6,4,0.5336504,-1700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6764",55000,10000,55300,0,55300,13000,12875,78000,77875,133175,165975,58,66987,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,67875,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6765",0,26500,160000,65000,95000,4700,3600,31200,30100,125100,137100,52,42540,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,3600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6766",0,28,85000,75000,10000,8,-767,36,-739,9261,9261,33,8415,3,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.036628,-767,1,1,0,0,0,0,0,0,0,1,0,0,0 -"6767",0,28500,89000,74000,15000,1400,900,29900,29400,44400,50900,45,56304,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,900,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6768",2800,45000,160000,15000,145000,205999,205199,253799,252999,397999,406349,60,24114,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,207999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6769",0,12050,225000,54000,171000,3000,3000,15050,15050,186050,186050,56,15882,2,3,1,1,0,1,1,1,1,0,1,0,0,0,2,1,0.3623197,3000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6770",0,80000,130000,90000,40000,3150,-9850,83150,70150,110150,110650,43,54585,2,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-9850,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6771",0,0,93000,84900,8100,20689,19689,20689,19689,27789,35789,30,64944,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,19689,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6772",0,150,118000,65000,53000,4109,3409,4259,3559,56559,60109,39,34596,4,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,3409,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6773",0,0,145000,81000,64000,100,-3900,100,-3900,60100,69100,43,18246,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-3900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6774",0,0,135000,0,135000,41900,40900,41900,40900,175900,175900,42,49596,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,40900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6775",0,500,80000,40000,40000,1954,454,2454,954,40954,51504,57,23079,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,454,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6776",21000,0,200000,25000,175000,301000,301000,322000,322000,497000,562679,62,64545,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,322000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6777",2600,1482,43000,41000,2000,1958,-1942,6040,2140,4140,9440,35,32244,2,12,0,1,1,1,1,1,1,1,0,1,0,0,4,2,0.3524857,658,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6778",0,4000,120000,86057,33943,5500,5000,9500,9000,42943,46745,43,69138,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,5000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6779",0,4500,100000,83000,17000,700,168,5200,4668,21668,23668,30,54015,3,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,168,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6780",0,0,55000,42000,13000,18100,16350,18100,16350,29350,30350,42,26580,5,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2694195,16350,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6781",0,93250,125000,69600,55400,134,-866,93384,92384,147784,189784,46,58659,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-866,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6782",0,15000,225000,96000,129000,900,-10130,15900,4870,133870,133870,37,48594,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-10130,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6783",0,0,65000,48000,17000,4500,3500,4500,3500,20500,38750,41,40050,2,18,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6784",0,0,90000,0,90000,4595,3695,4595,3695,93695,106695,54,50859,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,3695,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6785",0,4000,90000,48000,42000,2300,700,6300,4700,46700,49700,49,65136,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6786",0,50000,30000,0,30000,10249,10249,60249,60249,90249,101074,60,20796,2,8,1,0,1,0,1,1,1,0,1,0,0,0,3,1,0.491887,10249,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6787",19000,75000,115000,80000,35000,1007024,1004624,1101024,1098624,1133624,1150677,37,55263,3,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,1023624,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6788",0,80000,115000,90000,25000,905000,903000,985000,983000,1008000,1008000,47,179100,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,903000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6789",0,1200,0,0,0,999,-1301,2199,-101,-101,2399,38,57219,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,-1301,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6790",0,40000,300000,150000,150000,133200,131700,173200,171700,321700,326700,35,73800,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,131700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6791",0,5000,85000,68000,17000,5000,4750,10000,9750,26750,58750,40,74022,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,4750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6792",0,700,0,0,0,16697,14897,17397,15597,15597,36797,38,51048,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,14897,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6793",0,1400,45000,35000,10000,5300,-100,6700,1300,11300,23300,34,38940,4,15,1,1,1,0,1,1,1,0,0,0,1,0,4,3,0.5297047,-100,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6794",0,700,200000,109338,90662,1120,920,1820,1620,92282,92282,43,26214,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,920,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6795",5000,50000,135000,70000,65000,76000,75700,131000,130700,195700,229900,47,85968,3,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.7316045,80700,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6796",0,0,0,0,0,0,0,0,0,0,0,26,14985,8,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6797",0,58000,85000,77000,8000,599,-4461,58599,53539,61539,71539,36,35136,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,-4461,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6798",0,5000,0,0,0,0,-5000,5000,0,0,1625,30,21384,1,13,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6799",0,0,80000,57000,23000,103998,96498,103998,96498,119498,120498,40,86292,4,16,0,1,0,0,1,1,0,0,0,0,0,1,7,4,0.5679367,96498,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6800",29000,33500,77000,0,77000,34500,32400,97000,94900,171900,171900,52,69726,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,61400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6801",0,3000,55000,35000,20000,16000,15850,19000,18850,38850,52275,38,38664,3,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,15850,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6802",0,0,50000,0,50000,3500,3500,3500,3500,53500,57411,60,29784,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,3500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6803",23200,3600,55000,48000,7000,16100,13250,42900,40050,47050,47050,32,47691,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,36450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6804",30700,50600,120000,80000,40000,51119,50544,132419,131844,171844,171844,32,39882,5,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,81244,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6805",10000,0,0,0,0,25884,24980,35884,34980,34980,34980,45,96945,2,18,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.4696543,34980,0,0,0,0,0,0,0,1,0,0,0,1,0 -"6806",0,60,0,0,0,0,-352,60,-292,-292,6708,27,17400,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-352,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6807",0,1000,200000,118000,82000,65100,58400,66100,59400,141400,141400,38,29220,3,15,0,1,1,1,1,1,1,0,0,0,1,0,3,3,0.273178,58400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6808",0,0,35000,25000,10000,3000,2500,3000,2500,12500,22500,39,57330,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6809",34500,19000,50000,0,50000,29699,29699,83199,83199,133199,220199,60,25542,3,18,1,1,0,0,1,1,1,1,0,0,0,1,3,4,0.3788275,64199,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6810",20000,5000,210000,100000,110000,14500,-2700,39500,22300,132300,133800,62,23514,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,17300,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6811",0,0,0,0,0,0,-4150,0,-4150,-4150,-4150,28,48162,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.3243191,-4150,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6812",0,0,40000,28500,11500,29200,26700,29200,26700,38200,54200,38,71346,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,26700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6813",8000,28000,300000,150000,150000,19471,19471,55471,55471,205471,205471,41,104169,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,27471,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6814",10000,50000,300000,90000,210000,6000,4600,66000,64600,274600,328625,49,54315,2,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,14600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6815",5000,15200,63000,63000,0,8048,-5952,28248,14248,14248,18748,43,80490,4,14,0,1,1,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-952,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6816",0,2300,0,0,0,100000,100000,102300,102300,102300,157300,45,42174,4,8,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,100000,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6817",0,80000,170000,118000,52000,37749,22349,117749,102349,154349,162349,55,93756,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,22349,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6818",826,650,40000,32000,8000,600,-1600,2076,-124,7876,23376,45,41292,5,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,-774,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6819",0,5800,103900,92000,11900,2115,-5035,7915,765,12665,20415,30,57834,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-5035,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6820",0,0,95000,0,95000,8500,4800,8500,4800,99800,102300,54,29310,1,18,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,4800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6821",19165,832,0,0,0,46950,46950,66947,66947,66947,68697,46,52248,3,13,0,0,0,0,1,1,1,1,0,0,1,0,6,3,0.3107966,66115,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6822",5509,0,120000,96000,24000,1700,-4300,7209,1209,25209,32059,31,31017,5,16,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,1209,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6823",8800,100,60000,54000,6000,8672,8272,17572,17172,23172,32172,33,64926,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,17072,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6824",0,1000,0,0,0,11199,2429,12199,3429,3429,3429,28,29739,3,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.2092901,2429,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6825",0,5000,0,0,0,250,-2800,5250,2200,2200,4533,29,29235,2,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-2800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6826",0,1200,40000,36000,4000,705,705,1905,1905,5905,25905,51,44292,8,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,705,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6827",34000,50000,300000,150000,150000,100549,100549,184549,184549,334549,334549,39,128793,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,134549,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6828",0,6000,250000,127000,123000,18100,16100,24100,22100,145100,149100,42,77706,5,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,16100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6829",0,0,0,0,0,1329,-38171,1329,-38171,-38171,-27071,26,47730,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.3243191,-38171,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6830",3500,834,30000,22500,7500,600,-1475,4934,2859,10359,14359,35,27600,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,2025,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6831",0,3000,0,0,0,0,-220,3000,2780,2780,2780,27,17850,6,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-220,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6832",0,30000,200000,133000,67000,2000,-8000,32000,22000,89000,90000,35,64500,1,14,1,0,1,0,1,1,1,0,0,0,1,0,6,3,0.7472324,-8000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6833",0,500,102000,96500,5500,1000,-6100,1500,-5600,-100,4900,26,44094,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-6100,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6834",0,0,0,0,0,0,0,0,0,0,0,43,30000,1,14,1,1,1,0,1,1,0,0,0,0,1,0,4,3,0.5896286,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6835",0,2700,0,0,0,175,-2825,2875,-125,-125,2041,25,20169,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-2825,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6836",0,0,70000,58000,12000,1250,-3750,1250,-3750,8250,8250,42,28845,2,16,1,1,1,0,1,1,0,0,0,0,0,1,3,4,0.3978536,-3750,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6837",0,0,0,0,0,0,0,0,0,0,12575,58,10200,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"6838",0,30000,152500,142000,10500,2000,-14000,32000,16000,26500,34500,43,56670,4,11,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,-14000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6839",0,3500,60000,60000,0,2100,2100,5600,5600,5600,5600,39,61986,4,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,2100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6840",0,22000,58000,41900,16100,5000,4900,27000,26900,43000,46350,44,27891,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,4900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6841",0,4000,0,0,0,1214,-1786,5214,2214,2214,2214,28,45621,4,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,-1786,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6842",500,3000,0,0,0,249,249,3749,3749,3749,3749,27,25689,2,13,0,1,0,1,1,1,1,1,0,0,1,0,3,3,0.2061994,749,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6843",0,2000,70000,62500,7500,7249,1761,9249,3761,11261,11536,51,17496,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,1761,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6844",3600,80000,98000,56000,42000,5170,-7015,88770,76585,118585,129805,43,74439,4,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,-3415,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6845",13500,42000,0,0,0,16798,12408,72298,67908,67908,67908,40,44778,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7125204,25908,0,0,0,0,0,1,0,0,0,0,1,0,0 -"6846",16000,13000,190000,80000,110000,7749,7299,36749,36299,146299,146299,44,59826,4,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23299,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6847",0,0,0,0,0,0,0,0,0,0,0,51,20400,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6848",22000,16000,126000,88000,38000,35400,27500,73400,65500,103500,135500,54,51990,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,49500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6849",0,0,0,0,0,1530,-3670,1530,-3670,-3670,4009,25,16878,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.1152104,-3670,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6850",3400,9000,159000,36500,122500,3500,1000,15900,13400,135900,198900,46,40830,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,4400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6851",0,3000,0,0,0,1350,-11950,4350,-8950,-8950,-8950,29,29997,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-11950,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6852",10800,0,85000,0,85000,7499,6469,18299,17269,102269,187269,47,37962,3,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,17269,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6853",34000,37000,255000,150000,105000,9000,3800,80000,74800,179800,179800,40,84687,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6854",900,1000,0,0,0,662,-11338,2562,-9438,-9438,-6563,33,23415,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,-10438,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6855",0,0,0,0,0,2600,-2400,2600,-2400,-2400,81600,35,39360,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,-2400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6856",0,2000,0,0,0,4999,4999,6999,6999,6999,34999,47,42147,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,4999,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6857",0,0,53000,48000,5000,3150,3150,3150,3150,8150,17203,31,24390,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,3150,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6858",950,390,66000,65000,1000,500,-3890,1840,-2550,-1550,-1050,37,35070,5,12,0,0,1,0,1,1,1,1,0,1,0,0,4,2,0.3669286,-2940,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6859",0,10000,85000,75000,10000,999,999,10999,10999,20999,22999,39,27615,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6860",0,2000,20000,10500,9500,1200,950,3200,2950,12450,27079,60,23325,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,950,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6861",0,0,32250,32250,0,2863,-387,2863,-387,-387,8313,47,36906,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-387,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6862",0,0,75000,12000,63000,3456,3006,3456,3006,66006,66006,49,53649,3,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,3006,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6863",8000,2500,169000,139000,30000,18598,9098,29098,19598,49598,175598,42,37236,2,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,17098,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6864",0,4000,48000,25000,23000,0,0,4000,4000,27000,37679,49,23319,5,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6865",19000,15000,200000,65000,135000,145000,143000,179000,177000,312000,342000,44,133596,3,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,162000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6866",0,0,112000,85000,27000,4249,4149,4249,4149,31149,32349,38,48327,5,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,4149,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6867",25000,80000,130000,70000,60000,24000,23000,129000,128000,188000,188000,45,79485,4,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,48000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6868",0,2000,0,0,0,131000,123000,133000,125000,125000,221553,54,29040,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,123000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6869",25000,80000,200000,122000,78000,93010,77010,198010,182010,260010,310385,41,74532,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,102010,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6870",23450,0,175000,0,175000,21000,20914,44450,44364,219364,219364,48,34275,6,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,44364,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6871",0,6000,120000,42000,78000,13349,2349,19349,8349,86349,100749,40,54594,4,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2349,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6872",0,9750,0,0,0,0,0,9750,9750,9750,9750,31,12000,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6873",10000,200,200000,114000,86000,25274,16674,35474,26874,112874,114474,32,112500,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,26674,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6874",12000,0,0,0,0,35459,35459,47459,47459,47459,47959,51,33585,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,47459,0,0,0,0,1,0,0,0,0,0,0,1,0 -"6875",46000,2900,150000,0,150000,60900,60900,109800,109800,259800,259800,37,67512,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,106900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6876",0,5500,40000,18000,22000,1812,-3188,7312,2312,24312,24312,60,14181,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-3188,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6877",15000,13000,300000,34000,266000,262000,262000,290000,290000,556000,676000,61,79872,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,277000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6878",3000,0,0,0,0,2700,700,5700,3700,3700,8875,35,44205,1,17,1,0,0,0,1,1,0,1,0,0,0,1,5,4,0.6430668,3700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6879",5700,10000,130000,75000,55000,3000,-9300,18700,6400,61400,65700,38,82995,5,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-3600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6880",0,6000,0,0,0,1500,-8500,7500,-2500,-2500,0,31,26925,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-8500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6881",7000,26400,215000,145000,70000,7050,5750,40450,39150,109150,182150,44,81000,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,12750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6882",22000,0,205000,150000,55000,40000,40000,62000,62000,117000,117000,33,100296,4,18,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,62000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6883",13000,12450,0,0,0,20700,20700,46150,46150,46150,46150,32,46500,2,18,0,1,1,1,1,1,1,1,0,0,0,1,5,4,0.3442089,33700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6884",0,900,0,0,0,2360,1860,3260,2760,2760,6110,42,25257,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,1860,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6885",0,5260,120000,85000,35000,7799,7799,13059,13059,48059,59655,29,43047,1,17,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,7799,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6886",0,0,60000,43500,16500,4480,-3520,4480,-3520,12980,19980,36,54768,5,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-3520,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6887",2600,28000,65000,59200,5800,10200,8200,40800,38800,44600,64200,47,45870,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,10800,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6888",11000,31075,190000,140000,50000,12200,10400,54275,52475,102475,102475,44,68352,5,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,21400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6889",0,1000,0,0,0,0,-8438,1000,-7438,-7438,-5938,36,1962,1,14,0,0,0,0,1,1,1,0,0,0,1,0,1,3,0.0278493,-8438,0,1,0,0,0,0,0,0,0,0,1,0,0 -"6890",0,8500,75000,58500,16500,4000,1750,12500,10250,26750,34750,27,53340,2,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1750,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6891",0,9000,120000,95500,24500,0,-13100,9000,-4100,20400,22733,38,45600,2,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,-13100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6892",0,180,80000,62000,18000,1700,-700,1880,-520,17480,17480,31,25080,4,14,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6893",0,30000,300000,150000,150000,64500,62700,94500,92700,242700,243200,46,53775,2,14,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,62700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6894",0,500,70000,58000,12000,0,-1500,500,-1000,11000,16075,35,41886,2,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-1500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6895",9000,35000,150000,80000,70000,57010,57010,101010,101010,171010,251010,46,75600,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,66010,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6896",0,0,30000,0,30000,20000,16000,20000,16000,46000,46000,60,0,6,4,0,1,0,1,1,1,0,0,1,0,0,0,1,1,0.062312,16000,1,1,0,0,0,0,0,0,0,0,0,0,1 -"6897",0,9000,110000,57000,53000,6500,4600,15500,13600,66600,66600,37,41994,5,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,4600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6898",23190,0,0,0,0,10447,10447,33637,33637,33637,105137,37,37476,4,16,0,1,0,0,1,1,0,1,0,0,0,1,4,4,0.277538,33637,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6899",0,0,0,0,0,9223,9223,9223,9223,9223,10723,56,27276,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,9223,0,0,0,1,0,0,0,0,0,0,0,0,1 -"6900",0,300,16000,0,16000,21000,17050,21300,17350,33350,133350,30,30036,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,17050,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6901",4120,20000,275000,135000,140000,18400,17900,67520,67020,207020,371020,45,74100,5,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,22020,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6902",0,0,65000,25000,40000,9700,7700,9700,7700,47700,107700,59,45270,2,12,1,1,0,0,1,1,0,0,0,1,0,0,5,2,0.6077043,7700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6903",0,0,58000,0,58000,10798,9298,10798,9298,67298,72973,30,14643,1,16,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4041266,9298,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6904",0,5000,40000,0,40000,31000,31000,36000,36000,76000,78500,56,25143,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,31000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6905",0,300,55000,39000,16000,6959,5959,7259,6259,22259,22259,37,36531,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,5959,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6906",21000,80000,175000,16500,158500,54312,54312,155312,155312,313812,313812,60,90390,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,75312,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6907",0,15,72000,54900,17100,12399,12399,12414,12414,29514,29514,36,59112,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,12399,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6908",0,1500,100000,100000,0,24100,24100,25600,25600,25600,25600,32,57363,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,24100,1,0,0,0,0,0,1,0,0,1,0,0,0 -"6909",30000,11000,40000,12000,28000,22600,22600,63600,63600,91600,97600,60,57678,2,14,1,1,1,1,1,1,1,1,0,0,1,0,6,3,0.7130944,52600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6910",13000,0,200000,75000,125000,61289,61289,74289,74289,199289,199289,36,85689,2,13,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,74289,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6911",0,0,75000,0,75000,13094,-1456,13094,-1456,73544,75544,28,57360,2,15,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-1456,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6912",0,4000,38000,33000,5000,400,-7400,4400,-3400,1600,1600,54,22287,2,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-7400,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6913",925,7800,80000,75000,5000,2544,1941,11269,10666,15666,15666,38,42597,4,13,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,2866,1,0,0,0,0,1,0,0,0,0,1,0,0 -"6914",2000,600,190000,55000,135000,7500,-500,10100,2100,137100,353100,55,116199,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,1500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"6915",9300,50000,155000,45000,110000,2449,2449,61749,61749,171749,180055,51,22902,1,16,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,11749,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6916",0,2000,100000,66000,34000,180030,179830,182030,181830,215830,230830,38,65676,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,179830,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6917",0,0,0,0,0,400,400,400,400,400,80093,40,16374,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6918",0,1000,0,0,0,9050,6650,10050,7650,7650,14546,27,28458,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,6650,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6919",0,0,2000,406,1594,0,0,0,0,1594,2444,31,21600,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,0,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6920",550,0,43000,0,43000,217,-1672,767,-1122,41878,44403,42,32439,1,13,0,0,0,0,1,1,0,1,0,0,1,0,4,3,0.3669286,-1122,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6921",0,0,0,0,0,15,15,15,15,15,15,49,24450,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,15,0,0,0,1,0,0,0,0,0,0,0,1,0 -"6922",0,60,70000,0,70000,0,-4553,60,-4493,65507,67307,27,29916,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-4553,1,0,0,1,0,0,0,0,1,0,0,0,0 -"6923",34800,16000,170000,147150,22850,95926,93626,146726,144426,167276,367276,45,138441,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,128426,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6924",0,0,35000,15000,20000,0,0,0,0,20000,70000,63,19380,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,0,1 -"6925",0,50000,55000,0,55000,80000,80000,130000,130000,185000,192300,62,27240,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,80000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6926",2800,6000,0,0,0,2050,1850,10850,10650,10650,10650,28,44976,2,17,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7125204,4650,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6927",2000,1500,69000,23500,45500,749,-6051,4249,-2551,42949,57311,46,54045,1,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,-4051,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6928",0,0,0,0,0,9000,8500,9000,8500,8500,11550,36,36180,1,14,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,8500,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6929",0,5000,0,0,0,3100,2850,8100,7850,7850,7850,35,28710,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,2850,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6930",4800,9000,0,0,0,2200,-300,16000,13500,13500,24000,42,66210,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5500422,4500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"6931",2600,25000,160000,48000,112000,46050,45050,73650,72650,184650,202150,45,67425,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,47650,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6932",0,0,60000,10000,50000,7580,7580,7580,7580,57580,62105,49,19167,1,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,7580,1,0,1,0,0,0,0,0,0,0,0,1,0 -"6933",0,2000,60000,34000,26000,1990,1490,3990,3490,29490,32065,37,26895,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,1490,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6934",0,4000,130000,57000,73000,48007,42507,52007,46507,119507,179507,26,44535,2,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,42507,1,0,0,0,0,1,0,0,1,0,0,0,0 -"6935",50000,4500,185000,0,185000,65597,65597,120097,120097,305097,385097,55,40641,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,115597,1,0,0,0,0,1,0,0,0,0,0,0,1 -"6936",0,0,0,0,0,1000,-2000,1000,-2000,-2000,-1300,29,36618,1,15,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-2000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6937",0,4304,35000,17000,18000,3265,2982,7569,7286,25286,38186,53,40125,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,2982,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6938",0,14000,0,0,0,7974,-63376,21974,-49376,-49376,-34876,37,33606,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.2951996,-63376,0,0,0,0,1,0,0,0,0,0,1,0,0 -"6939",0,1000,53500,41000,12500,2300,1500,3300,2500,15000,15000,32,36348,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6940",0,0,63000,55000,8000,2930,-3070,2930,-3070,4930,5880,43,15444,7,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4041266,-3070,1,0,1,0,0,0,0,0,0,0,1,0,0 -"6941",0,785,0,0,0,0,0,785,785,785,785,43,26298,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6942",0,0,10000,0,10000,1000,660,1000,660,10660,12201,30,21582,5,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,660,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6943",0,2500,0,0,0,0,0,2500,2500,2500,8000,25,11649,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6944",0,7200,250000,135000,115000,11050,10900,18250,18100,133100,133100,29,53685,7,12,0,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5405443,10900,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6945",0,0,0,0,0,2550,-8100,2550,-8100,-8100,-3481,30,35064,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-8100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"6946",0,18000,65000,39000,26000,1218,-5582,19218,12418,38418,43418,64,29850,2,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-5582,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6947",0,15000,200000,150000,50000,525,-13675,15525,1325,51325,67125,39,54480,5,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-13675,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6948",0,0,0,0,0,0,-1600,0,-1600,-1600,13400,45,46812,4,18,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.3243191,-1600,0,0,0,0,0,1,0,0,0,0,0,1,0 -"6949",0,7500,100000,86000,14000,10450,10450,17950,17950,31950,31950,41,77457,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,10450,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6950",0,600,0,0,0,25,-825,625,-225,-225,-225,29,21420,3,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-825,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6951",13060,5100,150000,77000,73000,8255,155,26415,18315,91315,112815,43,66033,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,13215,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6952",0,2000,37000,17000,20000,625,-575,2625,1425,21425,27021,33,16860,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-575,1,0,1,0,0,0,0,0,0,1,0,0,0 -"6953",0,7000,225000,150000,75000,609,-2491,7609,4509,79509,79509,45,70668,6,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-2491,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6954",0,0,0,0,0,10410,10410,10410,10410,10410,12335,33,26943,2,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,10410,0,0,0,1,0,0,0,0,0,1,0,0,0 -"6955",0,18000,101000,101000,0,2600,-5400,20600,12600,12600,23433,39,31530,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-5400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6956",0,10000,170000,130000,40000,4650,2150,14650,12150,52150,57650,32,43620,3,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,2150,1,0,0,0,0,1,0,0,0,1,0,0,0 -"6957",0,0,178500,150000,28500,5500,-5450,5500,-5450,23050,54250,26,57519,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-5450,1,0,0,0,0,0,1,0,1,0,0,0,0 -"6958",6273,0,0,0,0,13000,11900,24273,23173,23173,1338173,48,126396,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.4888144,18173,0,0,0,0,0,0,0,1,0,0,0,1,0 -"6959",0,134,0,0,0,526,-14094,660,-13960,-13960,-13960,27,22050,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-14094,0,0,0,1,0,0,0,0,1,0,0,0,0 -"6960",14100,80000,72000,60000,12000,30500,30500,124600,124600,136600,213600,53,73278,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,44600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6961",0,0,30000,15000,15000,22550,22050,22550,22050,37050,41729,37,30504,2,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3866406,22050,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6962",5000,37580,69000,56000,13000,5204,3004,47784,45584,58584,91502,40,50646,2,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8004,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6963",0,0,265000,142000,123000,6110,6110,6110,6110,129110,130610,52,66000,3,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,6110,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6964",0,0,54000,35000,19000,22000,18000,22000,18000,37000,40500,52,44250,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,18000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"6965",0,0,40000,30000,10000,9499,8799,9499,8799,18799,218799,36,65097,4,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,8799,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6966",0,1500,0,0,0,4000,4000,5500,5500,5500,21638,26,42150,1,18,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,4000,0,0,0,0,0,1,0,0,1,0,0,0,0 -"6967",0,0,0,0,0,0,-7000,0,-7000,-7000,-7000,33,11349,4,13,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-7000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6968",0,0,71000,33500,37500,33500,33500,33500,33500,71000,71000,34,80694,3,10,0,1,1,0,1,1,0,0,1,0,0,0,7,1,0.5679367,33500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6969",0,5800,130000,96000,34000,8000,111,13800,5911,39911,39911,30,24150,4,16,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.273178,111,1,0,0,1,0,0,0,0,0,1,0,0,0 -"6970",80000,10000,195000,25000,170000,125600,125600,215600,215600,385600,386600,53,111282,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,205600,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6971",0,24000,55000,48000,7000,875,-1882,24875,22118,29118,40118,30,38457,4,16,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,-1882,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6972",0,10000,93000,93000,0,3799,2299,13799,12299,12299,16149,47,68553,2,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,2299,1,0,0,0,0,0,1,0,0,0,0,1,0 -"6973",0,23000,74000,53000,21000,16100,14100,39100,37100,58100,64275,38,27060,3,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,14100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6974",0,0,0,0,0,1000,1000,1000,1000,1000,1000,39,10899,3,6,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6975",0,25000,0,0,0,0,-500,25000,24500,24500,24500,53,60741,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,-500,0,0,0,0,0,0,1,0,0,0,0,1,0 -"6976",0,425,0,0,0,10,-1990,435,-1565,-1565,-1565,32,41724,2,9,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,-1990,0,0,0,0,0,1,0,0,0,1,0,0,0 -"6977",40000,81000,115000,36000,79000,121000,121000,242000,242000,321000,321000,47,100530,4,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,161000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6978",0,4000,106000,51000,55000,7749,-1301,11749,2699,57699,62699,43,39255,5,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-1301,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6979",9000,0,60000,45000,15000,6348,6348,15348,15348,30348,53348,56,23415,3,16,0,1,0,1,1,1,0,1,0,0,0,1,3,4,0.2696004,15348,1,0,0,1,0,0,0,0,0,0,0,0,1 -"6980",4000,3000,150000,139900,10100,5499,-20701,12499,-13701,-3601,-3601,34,82488,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-16701,1,0,0,0,0,0,0,1,0,1,0,0,0 -"6981",0,0,50000,20000,30000,499,-1,499,-1,29999,29999,41,27786,3,16,1,1,1,1,1,1,0,0,0,0,0,1,3,4,0.3978536,-1,1,0,0,1,0,0,0,0,0,0,1,0,0 -"6982",0,13000,0,0,0,3000,-16978,16000,-3978,-3978,-3978,29,32244,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-16978,0,0,0,0,1,0,0,0,1,0,0,0,0 -"6983",0,0,0,0,0,7700,5700,7700,5700,5700,7650,36,24750,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,5700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"6984",6392,19200,128700,128700,0,9000,7400,34592,32992,32992,77992,40,80664,4,15,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,13792,1,0,0,0,0,0,0,1,0,0,1,0,0 -"6985",5300,37000,80000,33000,47000,2200,-1800,44500,40500,87500,132084,61,74091,3,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,3500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6986",0,0,164000,150000,14000,349,-851,349,-851,13149,19349,40,33615,4,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-851,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6987",10500,30000,240000,150000,90000,127000,112000,167500,152500,242500,257500,48,121173,3,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,122500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"6988",35000,600,25000,0,25000,7000,7000,42600,42600,67600,68600,50,25452,1,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,42000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"6989",0,4000,0,0,0,25,-9875,4025,-5875,-5875,-1625,31,18216,3,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9875,0,0,1,0,0,0,0,0,0,1,0,0,0 -"6990",0,7595,55000,36500,18500,32591,28550,40186,36145,54645,64329,35,36882,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,28550,1,0,0,0,1,0,0,0,0,1,0,0,0 -"6991",0,0,0,0,0,1000,-3074,1000,-3074,-3074,-3074,44,12774,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-3074,0,0,1,0,0,0,0,0,0,0,1,0,0 -"6992",0,0,60000,20000,40000,24500,24335,24500,24335,64335,76335,44,33852,5,10,1,1,0,1,1,1,0,0,1,0,0,0,4,1,0.5297047,24335,1,0,0,0,1,0,0,0,0,0,1,0,0 -"6993",2775,3757,90000,58800,31200,23826,17550,30358,24082,55282,58632,45,34095,2,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,20325,1,0,0,0,1,0,0,0,0,0,0,1,0 -"6994",0,10500,100000,75000,25000,82202,52676,92702,63176,88176,114176,37,69264,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,52676,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6995",0,4560,0,0,0,655,340,5215,4900,4900,7566,29,18315,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,340,0,0,1,0,0,0,0,0,1,0,0,0,0 -"6996",0,0,130000,65000,65000,11000,11000,11000,11000,76000,86000,38,60225,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,11000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"6997",4760,14200,0,0,0,5930,1430,24890,20390,20390,20390,28,69615,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.3533661,6190,0,0,0,0,0,0,1,0,1,0,0,0,0 -"6998",40000,9000,85000,0,85000,110548,110248,159548,159248,244248,247248,55,53910,3,16,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,150248,1,0,0,0,0,0,1,0,0,0,0,0,1 -"6999",0,0,0,0,0,200,-2800,200,-2800,-2800,-2300,34,12960,4,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-2800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7000",0,7500,210000,150000,60000,23200,20700,30700,28200,88200,92700,32,100296,2,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,20700,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7001",0,15000,0,0,0,9500,9000,24500,24000,24000,30275,29,60600,1,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.3169526,9000,0,0,0,0,0,0,1,0,1,0,0,0,0 -"7002",35434,0,100000,8000,92000,15250,13250,50684,48684,140684,140684,59,39609,2,14,0,1,0,0,1,1,0,1,0,0,1,0,4,3,0.3524857,48684,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7003",2000,25300,110000,65000,45000,3449,-10551,30749,16749,61749,157249,46,61044,2,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,-8551,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7004",0,0,0,0,0,305,-695,305,-695,-695,9880,39,31608,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-695,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7005",4000,10600,130000,40000,90000,14247,13647,28847,28247,118247,118247,54,40767,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,17647,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7006",2700,0,300000,150000,150000,2850,-15150,5550,-12450,137550,427550,38,98850,4,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,-12450,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7007",0,987,0,0,0,2500,2500,3487,3487,3487,4387,38,18012,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7008",4000,1400,0,0,0,526,-774,5926,4626,4626,6701,39,12444,2,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.118155,3226,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7009",0,400,65000,65000,0,0,-2880,400,-2480,-2480,-2480,31,32271,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2880,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7010",12000,30000,300000,150000,150000,35000,30000,77000,72000,222000,222000,38,102396,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,42000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7011",0,0,25000,0,25000,250,-1000,250,-1000,24000,24000,43,29544,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7012",10089,5000,130000,52000,78000,43598,43527,58687,58616,136616,256616,59,29619,2,18,0,1,1,0,1,1,1,1,0,0,0,1,3,4,0.2696004,53616,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7013",0,0,60000,60000,0,249,249,249,249,249,249,42,21639,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,249,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7014",0,4000,0,0,0,7447,6847,11447,10847,10847,10847,30,35046,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,6847,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7015",0,2800,195000,85000,110000,2000,420,4800,3220,113220,123899,51,43824,3,15,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,420,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7016",33000,50000,90000,0,90000,40365,40365,123365,123365,213365,213365,56,42417,3,8,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,73365,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7017",0,50000,60000,60000,0,20050,20050,70050,70050,70050,70050,45,23640,3,9,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,20050,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7018",0,20000,36000,23500,12500,849,849,20849,20849,33349,40249,45,54708,1,12,1,0,1,0,1,1,1,0,0,1,0,0,6,2,0.7472324,849,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7019",18000,80000,60000,0,60000,20699,19699,118699,117699,177699,177699,50,107802,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,37699,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7020",0,0,0,0,0,2300,-16200,2300,-16200,-16200,-15120,29,17880,2,16,0,1,0,1,1,1,0,0,0,0,0,1,2,4,0.1283302,-16200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7021",0,1400,40000,38000,2000,3208,-672,4608,728,2728,11028,39,28614,3,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-672,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7022",0,13000,76000,44000,32000,4900,2900,17900,15900,47900,54900,28,41460,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,2900,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7023",0,80000,300000,126000,174000,906,-24094,80906,55906,229906,229906,51,69873,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-24094,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7024",0,6500,136000,66500,69500,18150,17950,24650,24450,93950,93950,42,35733,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,17950,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7025",0,5000,0,0,0,80,-6420,5080,-1420,-1420,1246,54,38304,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-6420,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7026",2800,11000,100000,94000,6000,40000,40000,53800,53800,59800,59800,45,61800,4,18,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,42800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7027",3000,6222,200000,128000,72000,7499,7349,16721,16571,88571,138250,51,25950,4,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,10349,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7028",4500,4500,0,0,0,4600,940,13600,9940,9940,15940,28,41517,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7125204,5440,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7029",0,500,62000,32500,29500,25,-4175,525,-3675,25825,29025,46,44553,2,13,1,1,1,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-4175,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7030",0,50000,90000,30000,60000,3600,300,53600,50300,110300,110300,51,54510,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7031",0,21000,1000,0,1000,36568,31568,57568,52568,53568,57185,38,26268,3,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,31568,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7032",0,0,20000,15000,5000,1198,1198,1198,1198,6198,14771,53,29772,2,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,1198,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7033",0,4000,0,0,0,572,-128,4572,3872,3872,3872,54,26301,2,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-128,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7034",12000,1963,175000,150000,25000,36000,31000,49963,44963,69963,82163,37,38772,1,17,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,43000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7035",0,13866,75000,0,75000,2379,-26,16245,13840,88840,96246,39,64797,6,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-26,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7036",0,2000,35000,0,35000,6,6,2006,2006,37006,37506,59,8454,2,10,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.036628,6,1,1,0,0,0,0,0,0,0,0,0,0,1 -"7037",0,0,0,0,0,480,-21130,480,-21130,-21130,-19538,33,45300,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-21130,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7038",4335,13372,0,0,0,13250,13250,30957,30957,30957,41132,27,92898,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.3313638,17585,0,0,0,0,0,0,0,1,1,0,0,0,0 -"7039",0,0,58000,0,58000,13000,12700,13000,12700,70700,71200,57,26940,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,12700,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7040",0,5000,70000,62000,8000,28313,28313,33313,33313,41313,96163,44,35520,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,28313,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7041",0,72,0,0,0,200,200,272,272,272,2072,27,31068,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7042",0,2000,175000,150000,25000,4000,-12500,6000,-10500,14500,14500,31,129621,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-12500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7043",0,0,0,0,0,7200,6800,7200,6800,6800,14800,45,43680,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,6800,0,0,0,0,0,1,0,0,0,0,0,1,0 -"7044",0,0,0,0,0,0,-1400,0,-1400,-1400,-1400,33,35700,6,10,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.2951996,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7045",0,4000,175000,66000,109000,2043,2043,6043,6043,115043,115043,40,44736,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,2043,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7046",0,300,0,0,0,3000,1000,3300,1300,1300,9300,26,38145,2,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,1000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7047",0,0,12500,7300,5200,5949,5269,5949,5269,10469,16344,49,29013,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,5269,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7048",30000,1700,148000,92000,56000,400,-7600,32100,24100,80100,80100,37,32865,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,22400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7049",3800,20000,45000,45000,0,5699,699,29499,24499,24499,24499,46,30396,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,4499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7050",8000,200,0,0,0,1487,1487,9687,9687,9687,11112,42,27948,2,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,9487,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7051",0,0,0,0,0,100,-6000,100,-6000,-6000,-5300,39,25647,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-6000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7052",0,24000,0,0,0,1999,-1,25999,23999,23999,32999,40,87030,4,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.4572618,-1,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7053",0,0,0,0,0,50,-2850,50,-2850,-2850,-2850,36,16590,2,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-2850,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7054",0,1200,40000,36000,4000,500,-600,1700,600,4600,4600,37,30408,4,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7055",0,5405,45000,20000,25000,4700,4669,10105,10074,35074,35074,50,63846,5,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4669,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7056",0,0,0,0,0,875,700,875,700,700,700,48,31404,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,700,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7057",0,0,5000,0,5000,0,0,0,0,5000,5300,35,14805,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7058",0,5800,0,0,0,900,-16730,6700,-10930,-10930,-930,29,57393,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,-16730,0,0,0,0,0,0,1,0,1,0,0,0,0 -"7059",0,12000,300000,150000,150000,8100,5600,20100,17600,167600,177600,38,99645,3,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,5600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7060",20000,10000,110000,0,110000,5749,5749,35749,35749,145749,145749,63,51975,2,10,1,1,0,0,1,1,1,1,1,0,0,0,6,1,0.7130944,25749,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7061",0,320,0,0,0,100,-10000,420,-9680,-9680,6416,28,15450,2,16,1,0,0,0,1,1,1,0,0,0,0,1,2,4,0.4215196,-10000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7062",0,0,100000,44000,56000,400,-1100,400,-1100,54900,57400,54,19539,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-1100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7063",48000,37000,300000,120000,180000,15500,14300,100500,99300,279300,282300,41,84759,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,62300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7064",300,300,35000,0,35000,4999,4999,5599,5599,40599,64179,57,13692,1,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,5299,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7065",0,5500,54000,54000,0,13,13,5513,5513,5513,5513,33,29325,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,13,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7066",10200,0,0,0,0,400,-6229,10600,3971,3971,10971,31,34710,4,13,0,1,1,1,1,1,0,1,0,0,1,0,4,3,0.277538,3971,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7067",0,2000,48000,23000,25000,11999,11999,13999,13999,38999,43999,31,40200,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,11999,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7068",40000,144000,190000,97500,92500,303198,300198,487198,484198,576698,576698,49,169200,2,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,340198,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7069",0,47000,40700,24012,16688,24600,24600,71600,71600,88288,91338,56,34002,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,24600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7070",0,1400,54000,38800,15200,2150,-4050,3550,-2650,12550,17550,25,42804,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-4050,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7071",40000,10000,300000,25000,275000,77000,72000,127000,122000,397000,397000,49,192990,3,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,112000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7072",0,1500,25000,19500,5500,635,-4265,2135,-2765,2735,6235,48,30846,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-4265,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7073",0,0,0,0,0,1400,1400,1400,1400,1400,7975,44,24996,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,1400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7074",0,10000,90000,30000,60000,2000,-800,12000,9200,69200,69200,35,42036,2,18,1,1,1,0,1,1,1,0,0,0,0,1,5,4,0.6077043,-800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7075",0,12000,70000,0,70000,9349,9349,21349,21349,91349,159349,54,53184,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,9349,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7076",0,3500,0,0,0,1500,-3500,5000,0,0,0,31,28830,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-3500,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7077",0,0,120000,65000,55000,1040,-1960,1040,-1960,53040,59040,38,49560,4,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-1960,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7078",20000,80000,85000,47500,37500,51548,51548,151548,151548,189048,588048,56,55167,4,1,0,1,0,0,1,1,1,1,1,0,0,0,6,1,0.5336504,71548,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7079",20000,0,200000,140500,59500,3000,-10900,23000,9100,68600,186600,51,80265,1,12,0,0,1,0,1,1,0,1,0,1,0,0,7,2,0.4373496,9100,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7080",15000,20000,285000,18000,267000,60000,60000,95300,95300,362300,369425,56,79404,1,18,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,75000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7081",0,4370,70000,56500,13500,38600,36600,42970,40970,54470,54670,42,62889,4,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,36600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7082",0,0,0,0,0,200,-5300,200,-5300,-5300,-1550,42,21612,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7083",0,180,56000,26000,30000,25500,24500,25680,24680,54680,117180,43,33150,2,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,24500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7084",70000,110000,100000,30000,70000,266000,265500,446000,445500,515500,717500,62,135072,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,335500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7085",0,4000,85000,80000,5000,8200,2200,12200,6200,11200,18200,34,53100,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,2200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7086",9000,0,85000,82000,3000,18000,18000,27000,27000,30000,49000,29,78417,3,16,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,27000,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7087",0,1200,75000,60000,15000,599,99,1799,1299,16299,26299,42,51798,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,99,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7088",0,13300,70000,31000,39000,1610,1610,14910,14910,53910,53910,31,48588,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1610,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7089",0,0,60000,36100,23900,0,-1600,0,-1600,22300,23300,54,13362,1,10,1,1,0,0,1,1,0,0,1,0,0,0,2,1,0.3623197,-1600,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7090",0,0,0,0,0,9500,9500,9500,9500,9500,22600,43,36420,1,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,9500,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7091",0,2000,0,0,0,0,-3500,2000,-1500,-1500,-1500,42,16200,4,14,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1283302,-3500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7092",0,850,40000,0,40000,39999,27419,40849,28269,68269,69269,40,12600,2,8,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,27419,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7093",0,0,0,0,0,200,-6500,200,-6500,-6500,-1725,31,32580,3,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-6500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7094",4300,0,60000,37000,23000,400,-12900,4700,-8600,14400,27400,36,40308,5,17,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,-8600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7095",0,0,70000,55000,15000,17099,17099,17099,17099,32099,41211,42,41634,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,17099,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7096",0,0,7000,0,7000,0,0,0,0,7000,11000,49,12084,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7097",0,13000,10000,0,10000,100,-7410,13100,5590,15590,15590,44,24210,6,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,-7410,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7098",0,25000,100000,21000,79000,4200,700,29200,25700,104700,145900,54,68760,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7099",0,15130,75000,57600,17400,2532,-768,17662,14362,31762,31762,56,75477,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-768,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7100",0,0,44000,44000,0,75,-2625,75,-2625,-2625,2275,29,32985,5,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-2625,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7101",0,0,175000,6800,168200,17000,17000,17000,17000,185200,196225,60,66759,2,13,0,0,1,0,1,1,0,0,0,0,1,0,6,3,0.4938007,17000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7102",0,0,16800,6400,10400,150,-3250,150,-3250,7150,11450,30,20700,5,10,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-3250,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7103",0,18000,40000,1500,38500,0,-12360,18000,5640,44140,50140,47,31056,6,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-12360,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7104",3400,1000,60000,44600,15400,2850,1740,7250,6140,21540,34840,26,31470,4,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,5140,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7105",2200,80000,75000,0,75000,6828,5828,89028,88028,163028,163028,53,36399,4,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,8028,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7106",5500,350,200000,0,200000,10200,10200,16050,16050,216050,231750,34,46200,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,15700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7107",7000,7100,80000,66000,14000,20000,18000,34100,32100,46100,51100,43,49596,3,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,25000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7108",2800,4000,75000,27000,48000,152250,87250,159050,94050,142050,145300,48,17547,2,10,1,0,1,0,1,1,1,1,1,0,0,0,2,1,0.3108636,90050,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7109",0,6000,160000,137900,22100,8000,5900,14000,11900,34000,46000,27,112350,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,5900,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7110",0,0,0,0,0,500,500,500,500,500,4700,38,20388,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7111",0,10000,185000,130000,55000,10000,8000,20000,18000,73000,83244,36,38400,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,8000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7112",25122,37,70000,0,70000,1200,1200,26359,26359,96359,96359,59,41082,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,26322,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7113",0,4000,85000,63500,21500,9500,9500,13500,13500,35000,50000,51,49359,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,9500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7114",0,11500,9800,14900,-5100,1400,1075,12900,12575,7475,12475,43,20724,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2694195,1075,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7115",0,0,60000,60000,0,100,100,100,100,100,3843,27,14283,2,15,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.143074,100,1,0,1,0,0,0,0,0,1,0,0,0,0 -"7116",0,3000,200000,150000,50000,4649,-17351,7649,-14351,35649,35649,35,57603,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-17351,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7117",35000,3000,200000,30000,170000,24950,20950,62950,58950,228950,238625,50,45453,3,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,55950,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7118",0,25000,70000,0,70000,12000,11800,37000,36800,106800,111800,48,68673,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,11800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7119",16000,38000,80000,16000,64000,18049,16349,72049,70349,134349,134349,61,38754,5,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.5449064,32349,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7120",30500,4304,150000,38000,112000,11799,11799,46603,46603,158603,158603,54,101826,7,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,42299,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7121",16700,9700,80700,53000,27700,52700,52700,79100,79100,106800,112550,30,47430,2,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,69400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7122",0,1000,35000,30270,4730,123,-1377,1123,-377,4353,6103,36,19302,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-1377,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7123",0,8000,175000,122000,53000,2900,-3100,10900,4900,57900,68925,44,52170,1,15,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,-3100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7124",0,22000,180000,90000,90000,19600,18400,41600,40400,130400,146600,39,61440,3,14,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,18400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7125",0,2500,0,0,0,1500,1000,4000,3500,3500,6000,37,16665,1,14,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,1000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7126",0,3000,23000,23000,0,13400,11300,16400,14300,14300,21300,41,68130,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,11300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7127",12000,2000,142000,142000,0,85399,78899,99399,92899,92899,99399,47,80400,6,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,90899,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7128",0,9000,0,0,0,0,-7000,9000,2000,2000,47000,33,37056,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.2951996,-7000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7129",0,0,100000,75000,25000,2999,2999,2999,2999,27999,59491,48,37380,1,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3866406,2999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7130",0,0,0,0,0,2950,2150,2950,2150,2150,4935,46,22638,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,2150,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7131",0,2000,190000,150000,40000,11000,10000,13000,12000,52000,67000,42,91776,5,14,1,1,1,1,1,1,1,0,0,0,1,0,7,3,0.6849159,10000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7132",0,3800,0,0,0,6000,800,9800,4600,4600,5300,25,58050,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,800,0,0,0,0,0,0,1,0,1,0,0,0,0 -"7133",1750,3000,0,0,0,1116,1116,5866,5866,5866,11108,31,20922,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,2866,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7134",0,255,104000,90000,14000,3516,1516,3771,1771,15771,31771,32,69612,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,1516,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7135",17000,0,130000,50000,80000,519,519,17519,17519,97519,97519,41,109587,5,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,17519,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7136",28500,2000,72000,56000,16000,210545,210545,241045,241045,257045,262045,46,64449,5,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,239045,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7137",0,0,63000,40000,23000,5300,-10300,5300,-10300,12700,12700,37,59817,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-10300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7138",0,0,102000,102000,0,6500,-500,6500,-500,-500,16500,37,94530,3,16,0,1,0,0,1,1,0,0,0,0,0,1,7,4,0.5679367,-500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7139",0,1000,60000,0,60000,3300,3200,4300,4200,64200,64200,61,38412,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,3200,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7140",0,1000,80000,58000,22000,4000,2000,5000,3000,25000,39000,60,64419,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7141",0,0,110000,85000,25000,75,-25925,75,-25925,-925,3075,39,66813,3,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-25925,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7142",0,31000,62000,62000,0,2000,1500,33000,32500,32500,36800,37,47664,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7143",0,0,0,0,0,0,0,0,0,0,1500,30,14580,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7144",0,180,49172,49172,0,300,-5700,480,-5520,-5520,-3995,42,27105,2,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,-5700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7145",720,6075,0,0,0,18081,11781,24876,18576,18576,18576,40,45693,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,12501,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7146",0,55616,100000,75000,25000,66345,56745,121961,112361,137361,163878,48,68538,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,56745,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7147",0,12000,107000,55000,52000,11010,9810,23010,21810,73810,73810,38,45741,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,9810,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7148",3100,500,74950,74100,850,3150,-600,6750,3000,3850,3850,32,32427,3,13,0,1,0,1,1,1,1,1,0,0,1,0,4,3,0.3524857,2500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7149",0,0,60000,46000,14000,9999,5999,9999,5999,19999,89999,31,39126,3,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,5999,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7150",0,33000,84000,63000,21000,8100,6400,41100,39400,60400,61150,33,45846,5,18,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,6400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7151",0,0,78000,76000,2000,1700,-5500,1700,-5500,-3500,-3000,37,44754,1,18,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.4200058,-5500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7152",18000,21000,90000,24200,65800,55599,55599,94599,94599,160399,168399,63,54450,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,73599,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7153",35000,10000,100000,94500,5500,73000,73000,118000,118000,123500,250500,39,88971,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,108000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7154",12371,13455,80000,36000,44000,5754,5404,31580,31230,75230,75599,43,45798,4,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,17775,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7155",0,0,75000,50000,25000,200,-4150,200,-4150,20850,25652,44,45468,7,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-4150,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7156",11000,6000,108000,101000,7000,7600,-10400,24600,6600,13600,13600,43,55473,3,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.5336504,600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7157",60000,49000,0,0,0,22599,22599,131599,131599,131599,191599,55,74523,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.3533661,82599,0,0,0,0,0,0,1,0,0,0,0,0,1 -"7158",0,0,33000,20000,13000,50,-1950,50,-1950,11050,16925,39,24015,3,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,-1950,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7159",2500,0,47000,47000,0,4400,-600,6900,1900,1900,5250,32,31830,1,14,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,1900,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7160",0,13000,200000,90000,110000,400,263,13400,13263,123263,134263,45,43326,5,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,263,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7161",0,1500,0,0,0,0,-4700,1500,-3200,-3200,-3200,35,39522,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7162",20130,51000,254000,95000,159000,36169,34669,107299,105799,264799,274799,39,101637,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,54799,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7163",0,2500,170000,15200,154800,1500,0,4000,2500,157300,165761,31,36390,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7164",2300,1800,37500,37500,0,0,-1700,4100,2400,2400,3650,30,30600,1,12,1,0,1,0,1,1,1,1,0,1,0,0,4,2,0.6174901,600,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7165",11800,10000,53000,53000,0,5150,5150,26950,26950,26950,30350,34,54879,5,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,16950,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7166",0,1500,5000,5000,0,800,-700,2300,800,800,6318,54,45900,2,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7167",0,0,0,0,0,825,499,825,499,499,7832,42,32418,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,499,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7168",2700,12600,110000,78000,32000,11200,10500,26500,25800,57800,87800,46,95580,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7169",3022,20000,192000,100000,92000,21300,20480,44322,43502,135502,135502,39,67836,6,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,23502,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7170",0,0,52000,50000,2000,7500,5500,7500,5500,7500,18478,38,24150,5,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,5500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7171",0,250,39900,25000,14900,1600,200,1850,450,15350,15350,36,20400,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7172",5278,52652,137900,107000,30900,6607,6407,64537,64337,95237,110532,49,111372,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,11685,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7173",0,0,75000,73000,2000,675,-7278,675,-7278,-5278,2122,39,49140,5,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-7278,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7174",0,0,4500,2500,2000,0,-230,0,-230,1770,2770,43,13395,2,8,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,-230,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7175",0,5000,35000,30000,5000,15,-985,5015,4015,9015,9429,60,29148,3,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-985,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7176",0,1400,58000,12000,46000,2000,-3000,3400,-1600,44400,51037,32,93120,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-3000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7177",15694,0,0,0,0,12500,11403,28194,27097,27097,40997,42,49710,3,17,1,1,0,1,1,1,0,1,0,0,0,1,5,4,0.7125204,27097,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7178",30000,2000,50000,0,50000,48000,47825,80000,79825,129825,139825,63,23952,2,8,1,1,0,0,1,1,1,1,1,0,0,0,3,1,0.3788275,77825,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7179",0,0,0,0,0,2800,-4400,2800,-4400,-4400,-2300,52,25128,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,-4400,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7180",0,4500,75000,30000,45000,1200,-1400,5700,3100,48100,56100,33,33363,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-1400,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7181",0,1500,130000,105000,25000,5500,4300,7000,5800,30800,44800,26,61410,2,13,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.6688337,4300,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7182",0,0,47000,47000,0,500,-16500,500,-16500,-16500,-13834,36,23820,4,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2694195,-16500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7183",10500,0,300000,38000,262000,3510,-29390,14010,-18890,243110,270110,48,37338,7,13,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,-18890,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7184",23850,7500,250000,0,250000,3899,3499,35249,34849,284849,344849,51,63363,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,27349,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7185",0,0,0,0,0,1537,-613,1537,-613,-613,1937,43,26877,3,8,0,1,1,1,1,1,0,0,1,0,0,0,3,1,0.2092901,-613,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7186",0,0,15000,0,15000,1249,1249,1249,1249,16249,18749,58,15207,1,8,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,1249,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7187",0,1300,0,0,0,0,-1800,1300,-500,-500,400,35,18744,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1800,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7188",1800,56000,68000,45000,23000,23000,22200,80800,80000,103000,104775,43,54330,2,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,24000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7189",0,20,42000,42000,0,100,-700,120,-680,-680,-680,34,21810,5,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7190",0,0,30000,16500,13500,300,-700,300,-700,12800,14800,30,33111,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-700,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7191",0,0,75000,36000,39000,36448,34948,36448,34948,73948,73948,40,38859,4,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,34948,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7192",0,0,75000,0,75000,1200,-3800,1200,-3800,71200,76942,41,19140,2,17,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,-3800,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7193",0,0,0,0,0,520,-19280,520,-19280,-19280,-18780,27,21729,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-19280,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7194",0,6000,0,0,0,9000,7500,15000,13500,13500,35862,31,30576,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,7500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7195",0,15,0,0,0,0,0,15,15,15,15,39,17079,5,9,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7196",0,0,55000,46400,8600,750,350,750,350,8950,15950,34,28980,6,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,350,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7197",14000,90000,210000,103000,107000,80000,78500,184000,182500,289500,289500,50,104400,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,92500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7198",0,0,77000,77000,0,2500,1500,2500,1500,1500,2960,47,33819,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7199",0,5000,120000,54000,66000,13700,13700,18700,18700,84700,96725,32,51816,1,16,0,0,0,0,1,1,1,0,0,0,0,1,6,4,0.4938007,13700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7200",25000,0,300000,75000,225000,1425115,1425115,1462115,1462115,1687115,1887115,61,169896,2,15,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,1450115,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7201",13000,8000,120000,74000,46000,7600,7600,28600,28600,74600,81150,38,51150,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,20600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7202",0,2600,0,0,0,560,-440,3160,2160,2160,7993,30,23070,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-440,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7203",0,50000,45000,28000,17000,2037,-5763,52037,44237,61237,64462,62,29880,1,11,1,0,0,0,1,1,1,0,1,0,0,0,3,1,0.491887,-5763,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7204",11000,153000,150000,85000,65000,32400,32400,196400,196400,261400,261400,33,100845,2,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,43400,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7205",0,0,125000,0,125000,11799,10499,11799,10499,135499,165499,50,50430,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,10499,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7206",11500,80000,250000,140000,110000,31999,7699,123499,99199,209199,274199,58,101946,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,19199,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7207",0,4600,0,0,0,1024,-3476,5624,1124,1124,4549,29,39522,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-3476,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7208",0,62200,68000,4200,63800,4050,50,66250,62250,126050,129050,32,40503,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,50,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7209",0,10000,180000,139,179861,3600,3485,13600,13485,193346,193346,37,63885,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3485,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7210",0,155,53000,50000,3000,600,-4400,755,-4245,-1245,-1245,26,33363,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4400,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7211",0,80000,62000,59000,3000,73400,68000,153400,148000,151000,152200,47,74196,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,68000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7212",0,1000,50000,39000,11000,120,120,1120,1120,12120,12620,58,19200,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,120,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7213",0,600,60000,47000,13000,835,-2818,1435,-2218,10782,13282,49,32430,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-2818,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7214",0,2000,0,0,0,500,-2541,2500,-541,-541,-541,26,13275,3,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1283302,-2541,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7215",0,330,135000,0,135000,41097,35979,41427,36309,171309,307309,60,58056,3,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,35979,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7216",0,220,50000,50000,0,270,-2680,490,-2460,-2460,-2460,36,40725,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-2680,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7217",34300,0,168500,126000,42500,123800,37800,158100,72100,114600,114600,50,119364,2,17,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,72100,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7218",0,1400,0,0,0,1800,1800,3200,3200,3200,10279,41,11106,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,1800,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7219",0,0,0,0,0,11000,11000,11000,11000,11000,16200,27,39900,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,11000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7220",0,2000,0,0,0,1149,1149,3149,3149,3149,5124,34,16884,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,1149,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7221",28000,15000,65000,0,65000,118000,118000,161000,161000,226000,426000,62,66240,2,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,146000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7222",0,20000,0,0,0,600,600,20600,20600,20600,20600,61,32490,3,10,1,0,0,0,1,1,1,0,1,0,0,0,4,1,0.6600804,600,0,0,0,0,1,0,0,0,0,0,0,0,1 -"7223",10089,5000,120000,76000,44000,28398,8998,43487,24087,68087,81387,55,59976,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19087,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7224",0,15,50000,17000,33000,200,-1000,215,-985,32015,32015,43,14010,2,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7225",0,10100,98000,72900,25100,2175,-425,12275,9675,34775,35375,39,38856,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-425,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7226",49000,130000,150000,45000,105000,182990,182990,361990,361990,466990,466990,54,76899,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,231990,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7227",0,0,0,0,0,0,0,0,0,0,0,43,22800,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7228",0,2500,0,0,0,1700,-3800,4200,-1300,-1300,-1300,43,23541,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-3800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7229",0,0,31000,31000,0,945,945,945,945,945,1445,43,16866,1,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,945,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7230",0,0,95000,62000,33000,9199,9199,9199,9199,42199,48199,40,67500,5,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,9199,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7231",5000,46000,120000,60000,60000,35749,31249,86749,82249,142249,147681,39,60120,3,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,36249,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7232",0,0,0,0,0,75,-1025,75,-1025,-1025,2575,39,37431,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-1025,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7233",687,291,128000,109397,18603,2800,-5400,3778,-4422,14181,14181,32,24840,3,15,0,1,0,0,1,1,1,1,0,0,1,0,3,3,0.2696004,-4713,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7234",14500,0,124000,98000,26000,4750,4750,19250,19250,45250,70250,35,58911,3,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,19250,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7235",4000,1700,175000,90000,85000,0,-5200,5700,500,85500,125500,43,63894,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-1200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7236",12000,36000,300000,150000,150000,310200,310200,358200,358200,508200,598200,48,143787,2,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,322200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7237",0,45000,200000,90000,110000,55000,49000,100000,94000,204000,236000,42,103050,4,12,1,1,1,1,1,1,1,0,0,1,0,0,7,2,0.6849159,49000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7238",0,0,214000,150000,64000,4725,4725,4725,4725,68725,68725,32,111972,2,18,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,4725,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7239",8000,7000,144900,103000,41900,4000,300,19000,15300,57200,107200,46,58347,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,8300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7240",0,25000,0,0,0,7999,7699,32999,32699,32699,32699,51,43404,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,7699,0,0,0,0,0,1,0,0,0,0,0,1,0 -"7241",0,22,55000,53000,2000,160,-17840,182,-17818,-15818,-9018,33,38484,3,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-17840,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7242",0,172,0,0,0,200,-300,372,-128,-128,1997,27,12180,4,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7243",0,3420,0,0,0,5000,5000,8420,8420,8420,18500,26,22992,2,1,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.2092901,5000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7244",0,0,0,0,0,3000,3000,3000,3000,3000,5350,36,10386,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.1152104,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7245",0,1500,45000,39500,5500,2023,-177,3523,1323,6823,13348,34,24120,3,9,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,-177,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7246",0,40000,90000,0,90000,24985,17185,64985,57185,147185,147385,53,29238,2,18,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,17185,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7247",800,500,0,0,0,1499,-25001,2799,-23701,-23701,-19701,33,26040,4,13,1,1,0,1,1,1,1,1,0,0,1,0,3,3,0.4172195,-24201,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7248",0,0,62000,57500,4500,376,-3424,376,-3424,1076,11576,26,34356,4,11,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-3424,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7249",0,14000,110000,78000,32000,20000,20000,34000,34000,66000,98242,34,29376,1,14,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.491887,20000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7250",0,12000,45000,0,45000,12351,12351,24351,24351,69351,89351,64,21192,2,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,12351,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7251",0,20000,300000,71900,228100,25600,25600,45600,45600,273700,273700,45,63288,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7252",0,0,0,0,0,11500,4500,11500,4500,4500,8000,30,43314,2,16,1,1,1,1,1,1,0,0,0,0,0,1,5,4,0.5995759,4500,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7253",2300,460,62000,60000,2000,8400,8200,11160,10960,12960,20310,42,34764,3,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,10500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7254",0,0,0,0,0,93000,92810,93000,92810,92810,104910,49,35142,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,92810,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7255",0,8500,65000,31500,33500,11050,7610,19550,16110,49610,65960,40,51540,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,7610,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7256",0,0,0,0,0,5600,3200,5600,3200,3200,3700,35,25731,3,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,3200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7257",0,5000,49000,43500,5500,6400,6300,11400,11300,16800,18800,43,69690,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,6300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7258",0,5800,67000,25000,42000,8940,8940,14740,14740,56740,56740,39,44880,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,8940,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7259",0,0,160000,120000,40000,12000,12000,12000,12000,52000,52000,26,70368,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,12000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7260",0,10000,39000,24000,15000,2999,1749,12999,11749,26749,34155,37,39744,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,1749,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7261",2000,9000,70000,29000,41000,1952,1452,12952,12452,53452,53452,43,33954,5,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,3452,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7262",0,300,0,0,0,310,-3790,610,-3490,-3490,-3490,39,31878,5,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-3790,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7263",82000,16000,125000,0,125000,151500,151500,249500,249500,374500,384100,64,56871,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,233500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7264",0,30000,110000,101559,8441,1725,-6848,31725,23152,31593,40326,48,77523,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-6848,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7265",0,0,0,0,0,638,-9312,638,-9312,-9312,-8812,37,25443,2,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-9312,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7266",1656,4500,82000,71000,11000,1635,-18665,7791,-12509,-1509,5491,40,52110,4,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-17009,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7267",0,1000,0,0,0,4000,4000,5000,5000,5000,8857,33,11112,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,4000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7268",1800,13000,65000,59500,5500,17369,17029,32169,31829,37329,39329,28,78879,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,18829,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7269",70,100,60000,35000,25000,499,-6101,669,-5931,19069,23419,46,24030,2,15,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,-6031,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7270",0,40000,80000,0,80000,114000,114000,154000,154000,234000,252450,35,61230,1,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,114000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7271",0,200,140000,124000,16000,6400,3400,6600,3600,19600,19600,37,57720,2,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.5405443,3400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7272",3900,5304,60000,0,60000,11449,9649,20653,18853,78853,78853,50,44172,5,15,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,13549,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7273",0,7000,0,0,0,1480,-1520,8480,5480,5480,37210,29,42771,1,15,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5231876,-1520,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7274",0,10000,53000,53000,0,1625,-2535,11625,7465,7465,14465,38,38712,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2535,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7275",2500,2000,45000,0,45000,61323,60823,65823,65323,110323,114323,41,50400,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,63323,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7276",0,0,165000,96600,68400,6100,-2800,6100,-2800,65600,71825,34,44043,4,17,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-2800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7277",0,0,225000,132500,92500,28200,12900,28200,12900,105400,112700,52,79701,6,13,0,1,0,0,1,1,0,0,0,0,1,0,7,3,0.5679367,12900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7278",9000,0,0,0,0,3365,3365,12365,12365,12365,17365,51,15303,1,15,1,0,0,0,1,1,0,1,0,0,1,0,2,3,0.3268128,12365,0,0,1,0,0,0,0,0,0,0,0,1,0 -"7279",5000,1924,60000,36000,24000,8000,2000,14924,8924,32924,35590,48,29952,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,7000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7280",0,1500,0,0,0,4998,3998,6498,5498,5498,25498,38,54165,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,3998,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7281",3500,0,72500,63200,9300,4000,1200,7500,4700,14000,14000,30,44352,4,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.4624346,4700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7282",0,6000,45000,35000,10000,500,250,6500,6250,16250,16250,45,19200,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,250,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7283",0,25000,80000,45000,35000,1000,-2575,26000,22425,57425,81425,54,65025,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2575,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7284",0,0,60000,20000,40000,2100,100,2100,100,40100,41600,53,12588,2,10,1,0,0,0,1,1,0,0,1,0,0,0,2,1,0.4041266,100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7285",0,0,250000,150000,100000,25500,17600,25500,17600,117600,123600,37,59430,4,13,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,17600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7286",0,0,0,0,0,200,-6100,200,-6100,-6100,-2600,40,52263,4,7,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.3598378,-6100,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7287",50000,6000,0,0,0,109100,108700,165100,164700,164700,183753,59,28785,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.5117899,158700,0,0,0,1,0,0,0,0,0,0,0,0,1 -"7288",0,20000,0,0,0,14100,-4300,34100,15700,15700,15700,39,42975,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-4300,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7289",71000,28000,70000,50000,20000,124999,123999,223999,222999,242999,258249,46,54000,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,194999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7290",39000,80000,250000,0,250000,4598,4598,123598,123598,373598,373598,47,110457,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,43598,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7291",0,8500,165000,87500,77500,9378,8960,17878,17460,94960,108556,50,34935,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,8960,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7292",9800,20000,112000,75000,37000,33099,29099,62899,58899,95899,145899,32,100491,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,38899,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7293",0,5500,300000,49000,251000,444,-46,5944,5454,256454,260954,30,39249,4,11,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-46,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7294",0,2500,180000,150000,30000,8500,-7500,11000,-5000,25000,48000,26,44442,3,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-7500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7295",1500,2000,300000,150000,150000,4349,3749,7849,7249,157249,232249,54,88689,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,5249,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7296",0,0,0,0,0,200,-72800,200,-72800,-72800,-72800,28,31200,2,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5896286,-72800,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7297",8147,0,65000,20000,45000,1210,-1190,9357,6957,51957,60307,53,51090,3,15,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,6957,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7298",2000,40700,0,0,0,5117,117,47817,42817,42817,48296,30,31221,1,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6739899,2117,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7299",0,7000,0,0,0,600,600,7600,7600,7600,7600,51,37965,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,600,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7300",0,0,25000,23000,2000,17499,17499,17499,17499,19499,21999,54,21300,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,17499,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7301",24354,38000,130000,55000,75000,10100,2600,72454,64954,139954,237004,45,43179,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,26954,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7302",0,0,110000,0,110000,14999,14499,14999,14499,124499,128699,48,36900,1,18,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3866406,14499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7303",0,22000,90300,72000,18300,8342,7692,30342,29692,47992,51842,36,32994,1,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,7692,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7304",0,8000,59000,41500,17500,5122,-515,13122,7485,24985,29260,37,31416,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-515,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7305",0,0,100000,0,100000,100,-400,100,-400,99600,99600,35,26370,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7306",0,0,0,0,0,200,50,200,50,50,550,46,21576,1,17,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.5315681,50,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7307",0,600,0,0,0,20,-9980,620,-9380,-9380,-1380,42,96864,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,-9980,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7308",0,3080,0,0,0,5550,2390,8630,5470,5470,5920,28,47550,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,2390,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7309",0,4900,0,0,0,800,300,5700,5200,5200,5200,37,24000,3,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7310",0,1300,160000,130000,30000,10,-2590,1310,-1290,28710,44710,28,66150,4,14,1,1,1,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-2590,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7311",11000,58100,140000,55000,85000,100000,100000,169100,169100,254100,294100,44,109653,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,111000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7312",0,0,110000,80000,30000,650,-25570,650,-25570,4430,17762,42,63954,6,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-25570,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7313",0,0,61000,0,61000,600,300,600,300,61300,66100,33,30438,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7314",1200,900,98000,78000,20000,100,-300,2200,1800,21800,37800,39,46818,4,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7315",0,3600,60000,31500,28500,0,0,3600,3600,32100,32100,43,26682,5,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7316",37500,34000,300000,150000,150000,1430298,1430298,1536798,1536798,1686798,1756798,53,81948,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,1467798,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7317",0,740,150000,74400,75600,77100,76100,77840,76840,152440,152440,38,100452,2,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,76100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7318",3900,12000,60000,25000,35000,134200,133800,150100,149700,184700,200725,50,55296,1,12,1,0,1,0,1,1,1,1,0,1,0,0,6,2,0.7856908,137700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7319",19200,29044,65000,25000,40000,24352,24352,72596,72596,112596,112596,63,53757,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,43552,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7320",0,4782,150000,120000,30000,22979,17166,27761,21948,51948,66948,57,54723,2,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,17166,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7321",0,0,0,0,0,2895,1730,2895,1730,1730,2380,26,20724,1,13,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1730,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7322",4000,60000,0,0,0,43999,43669,107999,107669,107669,107669,64,70974,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5500422,47669,0,0,0,0,0,0,1,0,0,0,0,0,1 -"7323",0,33000,0,0,0,1500,-2100,34500,30900,30900,30900,26,36459,4,14,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-2100,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7324",0,950,0,0,0,0,0,950,950,950,950,44,19173,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7325",0,23000,0,0,0,100,-2900,23100,20100,20100,55600,41,50268,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,-2900,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7326",0,17000,70000,67000,3000,15472,7972,32472,24972,27972,29147,49,43920,2,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,7972,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7327",14000,200,150000,0,150000,11249,11249,25449,25449,175449,175449,56,33717,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,25249,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7328",0,0,0,0,0,6500,6500,6500,6500,6500,43012,48,79311,1,18,1,1,1,0,1,1,0,0,0,0,0,1,7,4,0.4347773,6500,0,0,0,0,0,0,0,1,0,0,0,1,0 -"7329",0,15000,50000,40000,10000,2599,-901,17599,14099,24099,39920,54,28047,1,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-901,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7330",0,20500,140000,89900,50100,18400,16000,38900,36500,86600,93600,34,69942,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,16000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7331",0,650,0,0,0,0,-550,650,100,100,1275,32,36000,3,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5896286,-550,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7332",18000,12000,60000,40000,20000,74800,73300,104800,103300,123300,140300,43,58050,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,91300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7333",0,22000,60000,0,60000,2039,2039,24039,24039,84039,84039,48,11310,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,2039,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7334",0,2000,50000,47000,3000,16999,16799,18999,18799,21799,23799,57,32100,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,16799,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7335",0,0,127000,118000,9000,7400,6600,7400,6600,15600,21350,27,39288,1,18,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3866406,6600,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7336",0,1000,67500,67000,500,4900,-100,5900,900,1400,4400,59,49839,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-100,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7337",1200,900,109000,75000,34000,35000,34400,37100,36500,70500,70500,56,34743,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,35600,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7338",0,560,0,0,0,200,-800,760,-240,-240,-240,27,23097,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7339",0,0,0,0,0,12353,10853,12353,10853,10853,14353,45,28602,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,10853,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7340",0,5075,55000,48000,7000,5150,5150,10225,10225,17225,17225,30,64731,2,18,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,5150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7341",0,0,250000,77000,173000,266499,266499,266499,266499,439499,459499,36,67470,3,18,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,266499,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7342",6300,35600,71500,60000,11500,6100,4950,48000,46850,58350,61050,43,43788,3,13,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,11250,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7343",0,0,75000,0,75000,31499,31499,31499,31499,106499,108893,55,15225,1,10,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,31499,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7344",8500,0,140000,80000,60000,40517,40225,49017,48725,108725,114475,39,48888,1,12,1,0,0,0,1,1,0,1,0,1,0,0,5,2,0.650903,48725,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7345",0,530,56000,16000,40000,547,-1231,1077,-701,39299,39799,32,15384,6,7,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,-1231,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7346",0,0,89000,89000,0,200,-502302,200,-502302,-502302,-502302,46,21240,4,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-502302,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7347",0,800,58000,0,58000,300,-895,1100,-95,57905,73955,33,28713,2,11,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,-895,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7348",0,35600,100000,82500,17500,1894,1544,37494,37144,54644,70044,37,42975,4,15,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1544,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7349",21000,80000,95000,25000,70000,19999,16999,120999,117999,187999,192499,60,66921,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,37999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7350",0,0,58000,27500,30500,7748,7748,7748,7748,38248,83248,60,14523,5,10,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,7748,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7351",0,7500,98000,75000,23000,1249,1249,8749,8749,31749,53111,42,26475,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,1249,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7352",0,5254,116000,70000,46000,207,-3293,5461,1961,47961,47961,40,27117,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-3293,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7353",0,0,45000,28000,17000,949,-151,949,-151,16849,20699,59,37950,3,10,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-151,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7354",0,8672,30000,0,30000,1071,212,9743,8884,38884,176884,48,45600,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,212,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7355",0,1000,100000,69000,31000,149,-151,1149,849,31849,99711,54,18756,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-151,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7356",0,0,65000,17000,48000,1777,977,1777,977,48977,54177,43,47946,3,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,977,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7357",0,6000,60000,40000,20000,1800,-7800,7800,-1800,18200,18200,33,25686,4,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,-7800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7358",0,0,0,0,0,100,-700,100,-700,-700,-200,41,9300,1,12,0,0,1,0,1,1,0,0,0,1,0,0,1,2,0.0278493,-700,0,1,0,0,0,0,0,0,0,0,1,0,0 -"7359",0,2000,0,0,0,1600,1350,3600,3350,3350,134805,28,36084,3,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,1350,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7360",0,6000,187000,150000,37000,2300,-9700,8300,-3700,33300,39300,37,78630,2,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-9700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7361",0,0,125000,0,125000,999,199,999,199,125199,130049,51,17535,3,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,199,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7362",0,1000,0,0,0,64,-24,1064,976,976,976,36,21753,6,8,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-24,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7363",4000,3500,40000,38500,1500,27400,24400,34900,31900,33400,48400,41,58200,6,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,28400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7364",4300,0,0,0,0,999,999,5299,5299,5299,5299,27,26901,2,12,0,1,0,1,1,1,0,1,0,1,0,0,3,2,0.2061994,5299,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7365",0,0,0,0,0,0,0,0,0,0,8461,34,9906,1,13,1,0,0,0,1,1,0,0,0,0,1,0,1,3,0.3021799,0,0,1,0,0,0,0,0,0,0,1,0,0,0 -"7366",46000,60000,140000,26000,114000,36000,35550,142000,141550,255550,255550,53,114396,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,81550,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7367",0,2000,45000,37500,7500,400,-3300,2400,-1300,6200,20200,35,40560,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-3300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7368",0,1700,0,0,0,1000,1000,2700,2700,2700,2700,27,22950,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7369",0,0,4000,0,4000,955,-1845,955,-1845,2155,2407,30,22413,4,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-1845,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7370",0,0,90000,30000,60000,19979,19679,19979,19679,79679,79679,49,58920,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,19679,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7371",40000,80000,300000,150000,150000,560000,491900,680000,611900,761900,1046900,55,137451,3,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,531900,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7372",0,0,148000,131000,17000,5668,5518,5668,5518,22518,37518,35,75603,4,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.6849159,5518,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7373",0,0,0,0,0,7000,-8000,7000,-8000,-8000,-8000,36,62370,6,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,-8000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7374",0,3500,140000,55000,85000,42598,42098,46098,45598,130598,143598,36,39597,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,42098,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7375",0,0,85000,70000,15000,7999,3499,7999,3499,18499,18499,48,50904,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,3499,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7376",0,2500,190000,50000,140000,81550,81550,84050,84050,224050,349400,52,48639,5,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,81550,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7377",0,7000,24000,24000,0,0,0,7000,7000,7000,7000,45,20400,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7378",0,16000,0,0,0,150999,150999,166999,166999,166999,172249,51,37980,2,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,150999,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7379",22000,1000,0,0,0,50149,50149,73149,73149,73149,76149,54,84279,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.4696543,72149,0,0,0,0,0,0,0,1,0,0,0,1,0 -"7380",0,0,47000,9000,38000,10200,9700,10200,9700,47700,51050,33,27582,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,9700,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7381",0,2500,68000,54000,14000,5500,5000,8000,7500,21500,27500,28,53664,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,5000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7382",0,0,285000,0,285000,137499,136899,137499,136899,421899,421899,63,49440,4,16,0,1,0,0,1,1,0,0,0,0,0,1,5,4,0.4407951,136899,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7383",17000,1600,240000,135000,105000,9000,9000,27600,27600,132600,147375,38,96756,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,26000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7384",0,0,0,0,0,0,0,0,0,0,962,40,12360,4,12,0,1,1,0,1,1,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7385",10000,10000,0,0,0,1000,-1500,21000,18500,18500,21553,43,24060,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,8500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7386",67223,5000,65000,45500,19500,3299,3199,75522,75422,94922,249922,52,70047,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,70422,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7387",0,438,0,0,0,1989,1989,2427,2427,2427,2927,40,64044,2,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,1989,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7388",0,45000,120000,80000,40000,2400,-7600,47400,37400,77400,77400,56,49380,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-7600,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7389",0,640,82000,79000,3000,5655,-10345,6295,-9705,-6705,2295,35,59187,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-10345,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7390",0,6500,0,0,0,17400,11400,23900,17900,17900,25068,28,70071,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,11400,0,0,0,0,0,0,1,0,1,0,0,0,0 -"7391",0,0,0,0,0,100,100,100,100,100,1600,25,18258,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7392",0,0,160000,115000,45000,46400,41400,46400,41400,86400,141400,44,73560,4,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,41400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7393",8000,3200,250000,38500,211500,41000,39500,52200,50700,262200,262200,42,80400,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,47500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7394",0,0,9500,0,9500,103000,100000,103000,100000,109500,259500,62,66453,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,100000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7395",0,32800,115000,36000,79000,16583,13783,49383,46583,125583,125583,42,65334,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,13783,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7396",0,0,95000,0,95000,8839,8352,8839,8352,103352,103352,27,62496,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,8352,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7397",1250,2100,70000,31200,38800,6900,5700,10250,9050,47850,47850,55,37242,3,1,1,1,0,1,1,1,1,1,1,0,0,0,4,1,0.5449064,6950,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7398",0,3000,135000,110000,25000,500,-1300,3500,1700,26700,26700,31,36000,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7399",0,0,55000,34000,21000,8774,8774,8774,8774,29774,29774,44,41124,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,8774,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7400",4280,15550,0,0,0,105340,105340,125170,125170,125170,131340,31,58095,1,14,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.6386597,109620,0,0,0,0,0,0,1,0,0,1,0,0,0 -"7401",0,4300,0,0,0,0,-2000,4300,2300,2300,2300,27,16596,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7402",0,0,40000,0,40000,4000,3400,4000,3400,43400,93400,43,38496,4,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,3400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7403",0,0,45000,30000,15000,210,-16290,210,-16290,-1290,-1290,49,29139,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-16290,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7404",300,0,60000,46000,14000,500,180,800,480,14480,22480,32,39453,3,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.5449064,480,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7405",500,180,150000,25000,125000,2030,-2970,2710,-2290,122710,124135,53,20520,2,13,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,-2470,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7406",0,0,0,0,0,7000,6900,7000,6900,6900,13000,26,19560,1,18,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4215196,6900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7407",0,63367,300000,150000,150000,56951,56951,120318,120318,270318,280318,40,49800,1,12,1,0,0,0,1,1,1,0,0,1,0,0,5,2,0.5315816,56951,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7408",0,18000,80000,0,80000,7349,-24060,25349,-6060,73940,73940,56,40389,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-24060,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7409",5680,16000,120000,103000,17000,11390,9120,33070,30800,47800,50800,27,73020,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14800,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7410",0,2120,98000,82500,15500,9300,2300,11420,4420,19920,19920,29,50367,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2300,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7411",0,10000,0,0,0,350,-7150,10350,2850,2850,2850,43,23910,4,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-7150,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7412",0,0,68000,0,68000,375,375,375,375,68375,74519,41,51141,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,375,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7413",9060,0,80000,42000,38000,14348,14138,23408,23198,61198,66998,38,55992,5,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,23198,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7414",85000,0,300000,150000,150000,15300,15300,100300,100300,250300,270300,51,52800,2,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,100300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7415",0,300,0,0,0,1350,650,1650,950,950,950,30,27927,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,650,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7416",0,6000,55000,28000,27000,6400,4000,12400,10000,37000,47000,33,25941,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7417",0,750,0,0,0,2999,999,3749,1749,1749,6991,27,86574,1,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.3201262,999,0,0,0,0,0,0,0,1,1,0,0,0,0 -"7418",0,15000,130000,80000,50000,0,-11300,15000,3700,53700,100700,33,57780,4,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-11300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7419",0,1000,0,0,0,100,75,1100,1075,1075,2444,59,18468,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,75,0,0,1,0,0,0,0,0,0,0,0,0,1 -"7420",0,268,0,0,0,0,-300,268,-32,-32,2468,47,14280,4,6,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4215196,-300,0,0,1,0,0,0,0,0,0,0,0,1,0 -"7421",0,300,80000,40000,40000,1000,500,1300,800,40800,40800,44,23670,4,11,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7422",0,530,15000,0,15000,200,200,730,730,15730,23930,29,13590,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,200,1,0,1,0,0,0,0,0,1,0,0,0,0 -"7423",0,5000,0,0,0,0,0,5000,5000,5000,5000,43,4605,5,17,0,1,0,0,1,1,1,0,0,0,0,1,1,4,0.0486785,0,0,1,0,0,0,0,0,0,0,0,1,0,0 -"7424",2500,36000,140000,117000,23000,43400,40900,81900,79400,102400,195400,53,110643,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,43400,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7425",0,13000,0,0,0,2614,2614,15614,15614,15614,17413,32,54183,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,2614,0,0,0,0,0,0,1,0,0,1,0,0,0 -"7426",0,403,0,0,0,99,99,502,502,502,502,38,15126,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,99,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7427",6181,5623,180000,72000,108000,22770,22770,34574,34574,142574,151074,52,75759,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,28951,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7428",0,4000,23000,23000,0,3225,2775,7225,6775,6775,6775,51,28902,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,2775,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7429",0,3000,68000,64000,4000,7800,2300,10800,5300,9300,21300,37,58164,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7430",0,2500,0,0,0,200,-600,2700,1900,1900,1900,37,49965,5,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,-600,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7431",0,31000,90000,0,90000,59798,59798,90798,90798,180798,186798,41,41751,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,59798,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7432",10000,220,300000,0,300000,341400,341400,351620,351620,651620,655620,42,98292,4,12,0,1,1,0,1,1,1,1,0,1,0,0,7,2,0.5801663,351400,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7433",0,0,70000,22500,47500,80,-3420,80,-3420,44080,47413,51,31242,4,1,1,0,0,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-3420,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7434",0,0,22000,6200,15800,5050,-2050,5050,-2050,13750,18992,48,21969,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-2050,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7435",0,0,150000,98000,52000,10300,10300,10300,10300,62300,62300,32,55602,4,16,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,10300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7436",4800,17300,165000,86000,79000,124200,119200,146300,141300,220300,240300,53,139938,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,124000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7437",10000,0,75000,72000,3000,47500,46700,57500,56700,59700,153700,36,70746,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,56700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7438",27500,81800,275000,150000,125000,3300,-12700,112600,96600,221600,224100,42,111978,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,14800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7439",0,0,179000,150000,29000,4200,-3800,4200,-3800,25200,39200,30,62700,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-3800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7440",0,0,95000,60200,34800,15000,13800,15000,13800,48600,49698,36,35520,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,13800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7441",0,1300,210000,97000,113000,300,-4530,1600,-3230,109770,237270,52,78243,4,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-4530,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7442",5906,5676,220000,108600,111400,22190,18275,33772,29857,141257,146257,36,61920,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,24181,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7443",0,950,0,0,0,14,14,964,964,964,964,37,18540,5,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,14,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7444",0,300,30000,0,30000,1399,1379,1699,1679,31679,43029,56,10830,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,1379,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7445",0,18000,82500,78000,4500,5000,3100,23000,21100,25600,30050,32,58710,1,13,1,0,0,0,1,1,1,0,0,0,1,0,6,3,0.7472324,3100,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7446",0,0,169000,150000,19000,2600,-25000,2600,-25000,-6000,-4200,54,50940,3,10,1,1,0,1,1,1,0,0,1,0,0,0,6,1,0.6688337,-25000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7447",0,1000,38000,38000,0,1148,-902,2148,98,98,98,39,16779,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-902,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7448",0,5000,0,0,0,200,-2600,5200,2400,2400,3950,33,21933,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-2600,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7449",0,10000,89000,79000,10000,1899,-4101,11899,5899,15899,17299,44,63849,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-4101,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7450",0,0,0,0,0,1149,1149,1149,1149,1149,1149,43,22527,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1149,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7451",0,23000,300000,50500,249500,1050,-6950,24050,16050,265550,274474,46,45486,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.4200058,-6950,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7452",0,0,0,0,0,650,-4850,650,-4850,-4850,-3725,36,23100,2,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-4850,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7453",0,2500,95000,90000,5000,14299,13299,16799,15799,20799,66799,32,75045,4,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,13299,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7454",26000,28000,80000,42000,38000,5536,-10464,59536,43536,81536,101036,62,55128,2,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,15536,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7455",16500,0,125000,58000,67000,15998,15748,52498,52248,119248,119248,60,78432,2,18,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,32248,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7456",0,6000,65000,42000,23000,3000,2000,9000,8000,31000,41000,43,54735,3,12,0,1,1,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7457",0,0,27000,13000,14000,500,-2500,500,-2500,11500,14000,42,33804,2,13,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,-2500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7458",0,4500,42000,28000,14000,430,347,4930,4847,18847,20047,33,32739,3,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,347,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7459",0,0,200000,50000,150000,2300,1200,2300,1200,151200,161200,40,56037,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,1200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7460",0,25000,95000,30000,65000,5325,4925,30325,29925,94925,115925,45,48720,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,4925,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7461",0,3400,46000,17000,29000,0,-250,3400,3150,32150,32150,32,28725,5,10,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-250,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7462",0,0,50000,48000,2000,1200,900,1200,900,2900,11900,30,36402,5,11,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,900,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7463",0,400,0,0,0,1899,1099,2299,1499,1499,12499,38,28086,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,1099,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7464",0,13500,87000,65000,22000,1004998,1004738,1018498,1018238,1040238,1046107,45,71358,2,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,1004738,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7465",0,1373,65000,60000,5000,1700,-3185,3073,-1812,3188,27188,27,59841,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-3185,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7466",0,1000,156000,101000,55000,1500,-500,2500,500,55500,62379,26,34275,1,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7467",0,1200,65000,50000,15000,9500,9500,10700,10700,25700,27738,54,27390,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,9500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7468",52000,52500,200000,85000,115000,8149,2149,112649,106649,221649,270649,46,144666,2,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,54149,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7469",0,350,0,0,0,1108,-2074,1458,-1724,-1724,11276,33,28083,3,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,-2074,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7470",0,0,0,0,0,0,-655,0,-655,-655,1845,37,16092,4,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-655,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7471",0,0,140000,42000,98000,2899,2899,2899,2899,100899,100899,36,34962,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,2899,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7472",0,13000,142000,120000,22000,9515,6515,22515,19515,41515,69515,47,52437,4,17,0,1,1,0,1,1,1,0,0,0,0,1,6,4,0.5405443,6515,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7473",0,15000,0,0,0,0,0,15000,15000,15000,22350,34,31902,2,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7474",0,8000,58424,21500,36924,560,-2840,8560,5160,42084,44759,49,23976,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-2840,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7475",2600,1000,75000,46000,29000,3625,-11175,7225,-7575,21425,48425,36,47658,3,18,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,-8575,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7476",0,250,0,0,0,2525,1325,2775,1575,1575,3475,38,40596,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,1325,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7477",25000,0,71000,20000,51000,23,-1677,41023,39323,90323,92323,56,20208,2,12,1,1,0,0,1,1,0,1,0,1,0,0,3,2,0.3788275,23323,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7478",0,0,126000,123000,3000,35000,35000,35000,35000,38000,52617,56,67212,2,18,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.7472324,35000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7479",0,0,0,0,0,1550,-2450,1550,-2450,-2450,-617,27,48798,1,12,1,1,1,0,1,1,0,0,0,1,0,0,5,2,0.5995759,-2450,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7480",0,0,110000,75000,35000,236,-64,236,-64,34936,34936,47,20568,2,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-64,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7481",2400,6500,125000,119000,6000,6780,1380,15680,10280,16280,41080,26,49362,2,16,1,1,0,0,1,1,1,1,0,0,0,1,5,4,0.7196674,3780,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7482",0,0,0,0,0,0,-700,0,-700,-700,-700,60,70200,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,-700,0,0,0,0,0,0,1,0,0,0,0,0,1 -"7483",4600,0,120000,45000,75000,18000,17750,22600,22350,97350,99850,41,32610,2,15,1,0,0,0,1,1,0,1,0,0,1,0,4,3,0.6174901,22350,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7484",0,40000,300000,75000,225000,14025,13525,54025,53525,278525,293393,55,50163,3,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.7472324,13525,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7485",0,36000,110000,75000,35000,15200,15200,51200,51200,86200,86200,36,64104,5,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7486",0,0,96000,96000,0,655,-15345,655,-15345,-15345,7655,32,36015,6,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-15345,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7487",0,1000,50000,0,50000,0,-6000,1000,-5000,45000,45000,28,32160,5,11,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-6000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7488",0,3000,5500,3500,2000,550,-150,3550,2850,4850,6350,38,24945,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-150,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7489",0,0,0,0,0,700,-4300,700,-4300,-4300,-4300,31,29664,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,-4300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7490",2600,0,120000,0,120000,62400,53400,65000,56000,176000,179051,49,61893,3,17,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,56000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7491",0,1000,157000,135000,22000,8000,8000,9000,9000,31000,31000,59,102150,4,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,8000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7492",0,38,0,0,0,12,-512,50,-474,-474,-474,26,18225,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-512,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7493",5000,6800,130000,74000,56000,24750,24550,36550,36350,92350,95946,46,41949,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,29550,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7494",5600,2500,165000,112000,53000,35400,33400,43500,41500,94500,97000,44,80904,4,13,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,39000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7495",11000,1200,120000,0,120000,5500,5500,17700,17700,137700,143675,53,17880,1,12,1,0,0,0,1,1,1,1,0,1,0,0,2,2,0.3108636,16500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7496",0,11000,48000,34000,14000,15,-2975,11015,8025,22025,22025,34,25068,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-2975,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7497",0,17000,62500,53100,9400,750,150,17750,17150,26550,26550,36,38481,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,150,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7498",0,0,99000,0,99000,35,35,35,35,99035,101235,25,9666,1,12,1,0,1,0,1,1,0,0,0,1,0,0,1,2,0.3536102,35,1,1,0,0,0,0,0,0,1,0,0,0,0 -"7499",0,12000,300000,150000,150000,5950,5950,17950,17950,167950,167950,42,74529,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,5950,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7500",0,0,0,0,0,469,-531,469,-531,-531,-531,54,33573,2,13,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5896286,-531,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7501",25000,6000,235000,8700,226300,610,-374,31610,30626,256926,256926,38,36243,6,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,24626,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7502",0,13300,0,0,0,2515,2515,15815,15815,15815,15815,45,50889,1,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.5906146,2515,0,0,0,0,0,0,1,0,0,0,0,1,0 -"7503",0,0,165000,70000,95000,1000,-9000,1000,-9000,86000,86000,38,42546,4,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-9000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7504",0,18000,110000,110000,0,1800,-3200,19800,14800,14800,18681,35,52743,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-3200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7505",0,912,0,0,0,700,-780,1612,132,132,1374,26,14415,1,13,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-780,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7506",0,2500,85000,62000,23000,550,-2550,3050,-50,22950,29650,27,38322,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2550,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7507",0,2193,300000,117000,183000,25150,25150,27343,27343,210343,214593,33,64878,1,16,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,25150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7508",0,0,0,0,0,10000,9200,10000,9200,9200,11700,55,42600,1,16,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,9200,0,0,0,0,0,1,0,0,0,0,0,0,1 -"7509",0,0,150000,115000,35000,1600,1550,1600,1550,36550,36550,29,46383,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,1550,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7510",0,2600,0,0,0,2150,-3178,4750,-578,-578,922,36,34392,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-3178,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7511",0,0,40000,0,40000,2400,-100,2400,-100,39900,41100,42,42678,5,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7512",0,0,63900,50000,13900,2500,500,2500,500,14400,14400,33,24351,3,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7513",2000,1200,0,0,0,12050,10050,15250,13250,13250,13750,47,47730,1,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,12050,0,0,0,0,0,1,0,0,0,0,0,1,0 -"7514",16000,80000,105000,40000,65000,22200,21080,118200,117080,182080,182080,48,99600,3,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37080,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7515",1800,1200,100000,50000,50000,1000,1000,4000,4000,54000,54000,41,39351,5,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,2800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7516",8000,25000,0,0,0,10000,6100,43000,39100,39100,45100,39,77493,2,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.4888144,14100,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7517",0,0,75000,67000,8000,1260,-1840,1260,-1840,6160,6160,33,42408,3,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-1840,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7518",0,7000,50000,48000,2000,240,-6860,7240,140,2140,4640,36,24045,1,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-6860,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7519",0,4000,80000,0,80000,252699,252699,256699,256699,336699,337949,55,49050,2,14,1,0,1,0,1,1,1,0,0,0,1,0,5,3,0.5315816,252699,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7520",0,10300,80000,28000,52000,4800,4700,15100,15000,67000,138787,45,78663,4,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,4700,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7521",29000,20000,230000,95000,135000,30000,28000,79000,77000,212000,212000,51,89964,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,57000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7522",16000,80000,300000,60000,240000,19369,16069,137369,134069,374069,374069,43,70545,6,18,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32069,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7523",0,5500,0,0,0,2960,-3140,8460,2360,2360,4860,26,22950,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-3140,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7524",0,16000,125000,116000,9000,13000,-6800,29000,9200,18200,30625,32,48180,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,-6800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7525",0,30000,0,0,0,8000,200,38000,30200,30200,32625,50,42780,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,200,0,0,0,0,0,1,0,0,0,0,0,1,0 -"7526",0,12000,0,0,0,612,-3588,12612,8412,8412,11780,46,33420,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-3588,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7527",0,0,0,0,0,700,700,700,700,700,8025,48,20439,1,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,700,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7528",0,1300,56000,39100,16900,1100,1100,2400,2400,19300,25800,42,36939,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,1100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7529",0,117,50000,44000,6000,0,-500,117,-383,5617,5617,45,29295,8,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7530",1700,2500,145000,100000,45000,43900,23200,48100,27400,72400,82400,35,54009,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,24900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7531",0,100,0,0,0,500,-2100,600,-2000,-2000,-2000,41,19527,5,11,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,-2100,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7532",11400,5000,240000,103000,137000,77698,62698,94098,79098,216098,296098,41,159096,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,74098,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7533",0,7000,0,0,0,4100,0,11100,7000,7000,10700,29,37452,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7534",37045,6724,130000,116000,14000,11125,6825,54894,50594,64594,67594,43,71844,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,43870,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7535",11000,0,0,0,0,2669,2369,13669,13369,13369,13369,49,69312,5,15,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5500422,13369,0,0,0,0,0,0,1,0,0,0,0,1,0 -"7536",0,0,120000,94000,26000,1000,1000,1000,1000,27000,31000,41,24300,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,1000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7537",0,0,0,0,0,400,-150,400,-150,-150,3593,34,22170,3,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-150,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7538",0,1000,75000,0,75000,0,0,1000,1000,76000,79000,41,20400,2,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7539",21900,30000,80000,48000,32000,10702,3002,62602,54902,86902,93602,49,55428,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,24902,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7540",30000,55000,225000,37000,188000,9500,9500,94500,94500,282500,282500,48,65940,2,18,1,1,1,1,1,1,1,1,0,0,0,1,6,4,0.7130944,39500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7541",0,13450,47000,36000,11000,36,36,13486,13486,24486,28861,46,12399,1,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,36,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7542",0,17000,0,0,0,8599,8599,25599,25599,25599,28099,37,35916,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,8599,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7543",0,2500,140000,84000,56000,2998,-4002,5498,-1502,54498,54498,49,40494,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-4002,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7544",4000,3000,0,0,0,9499,8899,16499,15899,15899,20565,38,20796,1,14,1,0,1,0,1,1,1,1,0,0,1,0,3,3,0.5117899,12899,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7545",0,100,118000,88000,30000,1200,-8960,1300,-8860,21140,30140,38,50070,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-8960,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7546",0,0,0,0,0,510,-55,510,-55,-55,1064,36,15780,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,-55,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7547",2500,36000,0,0,0,32723,29923,71223,68423,68423,68423,37,75057,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.3313638,32423,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7548",10000,33000,50000,11000,39000,2399,2399,45399,45399,84399,84399,52,49107,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,12399,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7549",0,0,90000,86000,4000,1015,-2985,1015,-2985,1015,56515,42,33903,3,18,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,-2985,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7550",0,2300,0,0,0,886,-294,3186,2006,2006,5356,53,16320,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-294,0,0,1,0,0,0,0,0,0,0,0,1,0 -"7551",0,30,52000,46000,6000,798,798,828,828,6828,6828,47,44838,3,11,0,1,1,1,1,1,1,0,1,0,0,0,5,1,0.4407951,798,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7552",0,3210,55000,40000,15000,9011,8676,12221,11886,26886,36591,40,68388,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,8676,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7553",0,0,89000,42000,47000,310,-190,310,-190,46810,52035,46,27900,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,-190,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7554",1200,2500,100000,88500,11500,6000,6000,9700,9700,21200,27000,31,45093,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.4414764,7200,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7555",0,600,45000,42000,3000,4949,2949,5549,3549,6549,13549,31,13326,5,15,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1582553,2949,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7556",10300,6000,82000,10000,72000,34799,31149,51099,47449,119449,127449,47,57492,6,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,41449,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7557",0,17000,165000,6500,158500,27779,26779,44779,43779,202279,202279,51,79665,2,18,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,26779,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7558",0,1000,0,0,0,895,-2805,1895,-1805,-1805,-780,26,30720,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-2805,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7559",0,6000,0,0,0,23999,23759,29999,29759,29759,40434,25,30264,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,23759,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7560",0,18000,0,0,0,6050,3750,24050,21750,21750,25750,28,29514,1,12,0,1,1,0,1,1,1,0,0,1,0,0,3,2,0.2092901,3750,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7561",16000,19000,70000,0,70000,19499,19249,54499,54249,124249,164249,61,13596,2,13,0,1,0,0,1,1,1,1,0,0,1,0,2,3,0.1464927,35249,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7562",0,8000,0,0,0,3711,-474,11711,7526,7526,7826,37,89451,3,18,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.4572618,-474,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7563",0,0,0,0,0,0,0,0,0,0,0,30,27414,4,14,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7564",1200,22000,120000,109000,11000,22499,11999,45699,35199,46199,59199,39,61410,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,13199,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7565",0,1500,0,0,0,3000,-150000,4500,-148500,-148500,51500,29,18150,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-150000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7566",4100,48964,120000,60000,60000,1780,1180,54844,54244,114244,150244,38,65151,3,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,5280,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7567",0,21000,0,0,0,100,-1400,21100,19600,19600,19600,31,36936,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-1400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7568",0,2700,0,0,0,37700,37700,40400,40400,40400,47143,26,23235,1,18,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,37700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7569",0,0,28000,6000,22000,0,-3000,0,-3000,19000,19000,43,18168,7,9,0,1,0,1,1,1,0,0,1,0,0,0,2,1,0.1582553,-3000,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7570",45000,37000,100000,6000,94000,2749,-1251,84749,80749,174749,188749,43,58905,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,43749,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7571",0,25000,0,0,0,300,-18200,25300,6800,6800,6800,46,83319,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,-18200,0,0,0,0,0,0,0,1,0,0,0,1,0 -"7572",0,0,100000,35000,65000,2800,2800,2800,2800,67800,67800,44,45744,5,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,2800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7573",12238,134500,190000,102000,88000,25000,25000,171738,171738,259738,271738,33,94737,5,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37238,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7574",0,0,0,0,0,30050,14900,30050,14900,14900,22925,40,40440,1,16,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.3055234,14900,0,0,0,0,0,1,0,0,0,0,1,0,0 -"7575",0,3000,65000,59000,6000,25450,14450,28450,17450,23450,23450,34,28740,6,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,14450,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7576",0,1200,89000,29500,59500,450,-450,1650,750,60250,61250,31,30918,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-450,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7577",0,0,85000,63000,22000,700,-5800,700,-5800,16200,16850,36,52557,4,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-5800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7578",16000,4000,190000,25000,165000,115800,115800,135800,135800,300800,300800,46,72540,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,131800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7579",0,22000,0,0,0,6049,6049,28049,28049,28049,30049,37,35706,4,14,0,1,1,0,1,1,1,0,0,0,1,0,4,3,0.2951996,6049,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7580",0,0,32000,32000,0,3600,-6400,3600,-6400,-6400,-2550,43,45069,1,17,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-6400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7581",0,0,48000,11500,36500,340,-485,340,-485,36015,39940,44,21855,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-485,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7582",0,50000,0,0,0,0,-7000,50000,43000,43000,45850,49,10200,2,13,1,0,1,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-7000,0,0,1,0,0,0,0,0,0,0,0,1,0 -"7583",0,4000,5000,0,5000,5226,4846,9226,8846,13846,27846,32,49635,3,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,4846,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7584",0,0,300000,78000,222000,15005,5905,15005,5905,227905,232905,36,48819,5,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,5905,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7585",4000,22942,100000,14700,85300,3129,2825,30071,29767,115067,118067,48,49701,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,6825,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7586",0,15000,125000,110000,15000,14599,6099,29599,21099,36099,40499,43,104232,4,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,6099,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7587",0,48300,125000,80000,45000,21000,20700,69300,69000,114000,119000,35,68655,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,20700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7588",2600,0,92000,78500,13500,4500,4500,7100,7100,20600,71275,26,59100,1,16,0,0,1,0,1,1,0,1,0,0,0,1,6,4,0.4868788,7100,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7589",15000,20000,57000,56000,1000,1300,-2710,36300,32290,33290,33290,48,98034,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,12290,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7590",0,0,0,0,0,300,-1700,300,-1700,-1700,400,26,18378,4,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-1700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7591",5500,4000,150000,96500,53500,3899,-9571,13399,-71,53429,53429,34,36147,4,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,-4071,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7592",0,20500,85000,60000,25000,1120,720,21620,21220,46220,56020,36,45855,5,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,720,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7593",0,100,0,0,0,3250,3050,3350,3150,3150,24150,28,42345,3,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.3243191,3050,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7594",0,0,95000,50000,45000,6500,6400,6500,6400,51400,57400,33,71061,5,15,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,6400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7595",0,40000,50000,13000,37000,16000,14200,56000,54200,91200,95200,52,50220,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,14200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7596",0,2300,100000,40000,60000,1450,-550,3750,1750,61750,64883,44,38820,2,9,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6028074,-550,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7597",14000,14000,159000,137000,22000,6150,-3750,34150,24250,46250,51250,37,93090,4,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,10250,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7598",0,10800,80000,0,80000,1000,-2000,21800,18800,98800,117800,27,43275,3,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2000,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7599",0,7000,0,0,0,400,-4700,7400,2300,2300,5650,35,31224,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-4700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7600",10025,36000,95000,61500,33500,16718,10918,62743,56943,90443,94443,47,61575,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,20943,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7601",4000,35000,130000,129000,1000,25000,25000,64000,64000,65000,65000,28,96339,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7602",0,390,0,0,0,200,-3300,590,-2910,-2910,-2910,50,24114,6,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,-3300,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7603",1500,6000,70000,21100,48900,14500,13500,22000,21000,69900,133900,50,67335,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,15000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7604",5000,4000,135000,121000,14000,8420,3220,17420,12220,26220,26220,31,71673,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,8220,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7605",14000,1000,150000,85000,65000,57999,55899,72999,70899,135899,140599,49,91362,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,69899,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7606",0,0,145000,102500,42500,0,-1600,0,-1600,40900,45125,27,54444,1,17,0,0,1,0,1,1,0,0,0,0,0,1,6,4,0.4938007,-1600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7607",0,80,75000,20080,54920,100,-3200,180,-3120,51800,60800,25,34800,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-3200,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7608",0,0,66000,48000,18000,2500,2500,2500,2500,20500,35500,37,89319,7,15,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,2500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7609",6500,50000,220000,111000,109000,108000,106800,164500,163300,272300,461675,53,9294,1,16,1,0,1,0,1,1,1,1,0,0,0,1,1,4,0.2696344,113300,1,1,0,0,0,0,0,0,0,0,0,1,0 -"7610",0,5000,70000,65000,5000,357700,345700,362700,350700,355700,364700,32,53880,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,345700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7611",0,30000,300000,150000,150000,4000,500,34000,30500,180500,196000,42,60069,4,18,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7612",0,50000,0,0,0,1000,-21000,51000,29000,29000,32733,35,59430,3,14,0,0,0,0,1,1,1,0,0,0,1,0,6,3,0.3169526,-21000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"7613",0,36000,0,0,0,25,25,36025,36025,36025,36025,60,10755,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,25,0,0,1,0,0,0,0,0,0,0,0,0,1 -"7614",0,400,0,0,0,600,-5900,1000,-5500,-5500,-4300,26,18666,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-5900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7615",0,30000,125000,20000,105000,500,-2500,30500,27500,132500,135850,54,36375,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-2500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7616",0,42000,73000,24000,49000,2412,1612,44412,43612,92612,94612,57,39921,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,1612,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7617",0,4000,0,0,0,29,-2971,4029,1029,1029,7029,32,15840,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-2971,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7618",6000,0,168500,112000,56500,599,599,6599,6599,63099,63099,40,65844,3,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,6599,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7619",0,22000,40000,21000,19000,0,-3500,22000,18500,37500,37500,51,24087,5,9,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-3500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7620",23400,2500,65000,35345,29655,56100,55423,82000,81323,110978,124478,44,51294,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,78823,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7621",0,1500,48000,46000,2000,180,180,1680,1680,3680,5680,33,20130,3,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,180,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7622",0,0,0,0,0,0,-5200,0,-5200,-5200,-3700,50,23136,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5200,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7623",0,80000,250000,45000,205000,2000,1750,82000,81750,286750,286750,64,69900,2,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,1750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7624",0,9000,82000,65000,17000,1549,1549,10549,10549,27549,31549,32,28935,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,1549,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7625",0,1000,35000,33250,1750,194,-1006,1194,-6,1744,1744,35,16347,4,14,1,1,0,1,1,1,1,0,0,0,1,0,2,3,0.3623197,-1006,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7626",0,53300,210000,137000,73000,1999,-2801,55299,50499,123499,123499,53,78801,2,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,-2801,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7627",0,28,0,0,0,0,-306,28,-278,-278,2055,28,12684,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-306,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7628",20000,0,225000,31000,194000,41400,41400,61400,61400,255400,269496,54,81282,1,18,1,0,1,0,1,1,0,1,0,0,0,1,7,4,0.7355057,61400,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7629",0,80000,92000,63000,29000,23405,22705,103405,102705,131705,131705,45,71010,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,22705,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7630",0,1300,70000,64000,6000,500,500,1800,1800,7800,7800,34,21600,7,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7631",19790,10000,140000,35000,105000,122500,122500,152290,152290,257290,258290,51,52410,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,142290,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7632",0,0,45500,45500,0,75,-1425,75,-1425,-1425,-275,32,24678,5,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-1425,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7633",10842,0,0,0,0,1499,-4501,12341,6341,6341,15191,35,10578,1,15,1,0,0,0,1,1,0,1,0,0,1,0,2,3,0.3268128,6341,0,0,1,0,0,0,0,0,0,1,0,0,0 -"7634",0,0,0,0,0,5533,4339,5533,4339,4339,10889,38,28131,3,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,4339,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7635",0,7000,145000,135000,10000,25550,25550,32550,32550,42550,42550,26,73902,2,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,25550,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7636",5200,5000,30000,0,30000,200,-650,10400,9550,39550,39550,43,40854,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,4550,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7637",0,2300,50000,0,50000,772,-228,3072,2072,52072,53072,55,32805,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-228,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7638",0,0,45000,45000,0,2000,-6000,2000,-6000,-6000,-6000,29,52800,4,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-6000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7639",1800,19000,70000,0,70000,17000,17000,37800,37800,107800,112225,57,11520,3,14,1,0,0,0,1,1,1,1,0,0,1,0,2,3,0.3108636,18800,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7640",0,5690,0,0,0,12400,12400,18090,18090,18090,20243,41,34692,1,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,12400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7641",0,720,97000,97000,0,38316,38316,39036,39036,39036,44997,42,29289,3,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,38316,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7642",0,0,0,0,0,5400,900,5400,900,900,7775,43,27204,1,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,900,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7643",0,0,49500,22000,27500,9300,9040,9300,9040,36540,45525,44,31665,4,9,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,9040,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7644",0,0,0,0,0,4600,2600,6100,4100,4100,60600,38,70692,3,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,2600,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7645",0,40000,92000,85000,7000,7800,-3200,47800,36800,43800,46553,54,57603,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-3200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7646",0,8000,80000,42000,38000,850,-4450,8850,3550,41550,42150,49,43206,3,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-4450,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7647",4900,2300,99500,76000,23500,2900,-2600,10100,4600,28100,31100,59,58716,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,2300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7648",68000,32500,55000,55000,0,32000,32000,132500,132500,132500,137500,41,131781,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,100000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7649",0,16000,125000,16000,109000,12497,10447,28497,26447,135447,167447,51,45051,4,17,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,10447,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7650",0,0,120000,85000,35000,1098,-25402,1098,-25402,9598,9598,37,56784,3,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-25402,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7651",0,3800,0,0,0,1000,1000,4800,4800,4800,4800,32,42864,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,1000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7652",0,0,75000,0,75000,66099,66049,66099,66049,141049,164049,45,35913,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,66049,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7653",0,2500,175000,21000,154000,63000,63000,65500,65500,219500,224742,53,44778,1,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,63000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7654",0,2722,0,0,0,20445,20445,23167,23167,23167,28828,46,55779,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,20445,0,0,0,0,0,0,1,0,0,0,0,1,0 -"7655",27430,80000,200000,0,200000,24200,24200,131630,131630,331630,381630,60,128040,3,18,0,1,1,0,1,1,1,1,0,0,0,1,7,4,0.5801663,51630,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7656",50000,31000,300000,0,300000,81340,80940,162340,161940,461940,461940,47,59736,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,130940,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7657",0,0,57000,57000,0,4200,-1111,4200,-1111,-1111,7589,31,50520,3,13,0,1,1,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-1111,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7658",0,9000,58000,42000,16000,12388,10188,21388,19188,35188,37488,45,30090,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,10188,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7659",0,100,85000,75000,10000,3680,3080,3780,3180,13180,17880,30,33999,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,3080,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7660",0,80000,73000,32000,41000,12400,9664,92400,89664,130664,133914,47,42840,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,9664,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7661",0,21000,65000,0,65000,69762,69762,90762,90762,155762,155762,60,73614,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,69762,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7662",0,1450,74000,68100,5900,1260,-1740,2710,-290,5610,5610,30,48363,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-1740,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7663",0,0,200000,85000,115000,17500,-500,17500,-500,114500,126495,53,47658,3,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7664",0,4500,90000,71500,18500,4475,3075,8975,7575,26075,59425,53,40494,2,14,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,3075,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7665",2300,3000,115000,0,115000,13249,13249,18549,18549,133549,133549,55,33540,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,15549,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7666",0,71478,105000,70500,34500,2949,-51,74427,71427,105927,105927,39,66165,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-51,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7667",13500,0,125000,50000,75000,7666,7303,21166,20803,95803,100653,57,23565,1,14,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,20803,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7668",200,10000,32000,22500,9500,287,-3970,10487,6230,15730,15730,41,42927,4,14,0,1,1,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-3770,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7669",7000,10000,145000,110000,35000,45198,45198,62198,62198,97198,130698,44,54627,1,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,52198,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7670",2400,30000,210000,119000,91000,21748,21548,54148,53948,144948,177948,55,46155,5,10,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,23948,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7671",0,30000,95000,64000,31000,6477,5077,36477,35077,66077,76077,35,69789,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,5077,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7672",0,0,0,0,0,13499,13499,13499,13499,13499,21960,31,24750,1,16,0,0,0,0,1,1,0,0,0,0,0,1,3,4,0.2060434,13499,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7673",0,5000,125000,79000,46000,6600,6300,11600,11300,57300,104300,35,41850,5,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,6300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7674",9000,69000,280000,40000,240000,1150,1150,79150,79150,319150,319150,40,61176,5,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,10150,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7675",0,4000,55000,35000,20000,425,-19250,4425,-15250,4750,5250,37,27027,4,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-19250,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7676",0,600,0,0,0,100,-3360,700,-2760,-2760,-2760,26,24192,3,12,0,1,1,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-3360,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7677",22000,21000,0,0,0,2699,-18301,45699,24699,24699,45699,56,34803,2,14,1,1,0,1,1,1,1,1,0,0,1,0,4,3,0.6044431,3699,0,0,0,0,1,0,0,0,0,0,0,0,1 -"7678",4200,1000,0,0,0,4500,4300,9700,9500,9500,12525,33,31623,1,18,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,8500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7679",0,0,52000,42000,10000,2400,-26600,2400,-26600,-16600,-14900,41,51300,3,11,0,0,1,0,1,1,0,0,1,0,0,0,6,1,0.4938007,-26600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7680",0,0,115000,25000,90000,34300,34300,34300,34300,124300,624300,63,41991,2,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,34300,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7681",1500,35000,235000,150000,85000,4660,3250,41160,39750,124750,139850,45,67455,3,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,4750,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7682",0,0,0,0,0,0,0,0,0,0,500,26,10827,2,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7683",15000,0,130000,75000,55000,43000,40000,58000,55000,110000,110000,36,57543,4,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,55000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7684",0,2300,100000,0,100000,10149,5049,12449,7349,107349,108349,58,33471,3,10,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,5049,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7685",6028,1200,0,0,0,504,-4496,7732,2732,2732,49007,45,36294,3,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,1532,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7686",0,0,100000,48000,52000,7676,7676,7676,7676,59676,59676,39,29577,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,7676,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7687",0,2455,60000,60000,0,149,-1626,2604,829,829,829,28,15363,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-1626,1,0,1,0,0,0,0,0,1,0,0,0,0 -"7688",0,20970,36733,36733,0,8498,5198,29468,26168,26168,32768,43,49728,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,5198,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7689",0,0,90000,69000,21000,4600,3648,4600,3648,24648,32148,61,45492,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,3648,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7690",5600,0,80000,80000,0,19600,18700,30400,29500,29500,35300,31,62640,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,24300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7691",0,40000,220000,145000,75000,3420,-2080,43420,37920,112920,121120,33,42816,4,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-2080,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7692",0,50000,0,0,0,75,-16925,50075,33075,33075,35375,33,30117,4,18,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.2951996,-16925,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7693",20000,56000,75000,38000,37000,34000,31000,110000,107000,144000,157596,44,44790,3,18,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,51000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7694",0,28,0,0,0,170,-4480,198,-4452,-4452,-4452,27,45747,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-4480,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7695",0,10000,25000,0,25000,21075,21075,31075,31075,56075,70175,59,36342,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,21075,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7696",9000,12000,95000,60000,35000,19416,19416,40416,40416,75416,75416,38,68739,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,28416,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7697",0,0,0,0,0,0,0,0,0,0,4700,27,31005,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7698",0,31000,75000,44000,31000,0,-8200,31000,22800,53800,53800,47,48423,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-8200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7699",0,7000,75000,0,75000,3500,3500,10500,10500,85500,132500,55,39378,2,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,3500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7700",0,0,90000,68500,21500,2226,-17674,2226,-17674,3826,18026,47,70101,4,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-17674,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7701",4000,5000,50000,0,50000,33500,33500,42500,42500,92500,94000,49,33840,2,12,1,0,1,0,1,1,1,1,0,1,0,0,4,2,0.6174901,37500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7702",0,11000,130000,31000,99000,2400,2400,13400,13400,112400,112400,36,26136,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,2400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7703",0,1000,0,0,0,500,-5000,1500,-4000,-4000,-4000,40,35718,2,12,0,1,1,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-5000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7704",52000,10000,90000,75000,15000,15200,15200,77200,77200,92200,92200,47,90450,2,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,67200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7705",70,0,0,0,0,1512,-14230,1582,-14160,-14160,-3485,37,37407,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,-14160,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7706",11000,390,150000,25000,125000,22125,22125,33515,33515,158515,158515,45,39168,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,33125,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7707",0,0,80000,32500,47500,26832,22332,26832,22332,69832,92832,45,82575,7,14,0,1,1,1,1,1,0,0,0,0,1,0,7,3,0.5679367,22332,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7708",5200,0,105250,105250,0,5100,2100,10300,7300,7300,7300,30,44040,2,18,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,7300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7709",0,0,0,0,0,1099,1099,1099,1099,1099,10099,34,24300,4,1,1,1,0,1,1,1,0,0,1,0,0,0,3,1,0.4366938,1099,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7710",0,0,90000,54000,36000,1500,-11530,1500,-11530,24470,35470,43,34404,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-11530,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7711",9115,0,65000,44000,21000,2299,-1401,11414,7714,28714,34134,43,40842,4,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,7714,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7712",0,2200,115000,108000,7000,908,-23092,3108,-20892,-13892,-3292,31,62592,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-23092,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7713",0,12000,300000,120000,180000,39000,37500,51000,49500,229500,229500,52,83610,4,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,37500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7714",2700,8000,90000,90000,0,27200,21200,37900,31900,31900,52006,30,60369,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,23900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7715",0,10000,70000,69000,1000,1000,-4200,11000,5800,6800,11025,41,36000,5,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-4200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7716",0,0,162950,98000,64950,1299,-8701,1299,-8701,56249,57249,41,75450,3,16,0,1,1,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-8701,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7717",34000,24500,185000,127920,57080,333436,329336,391936,387836,444916,444916,29,169962,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,363336,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7718",6000,15,215000,150000,65000,532,-1068,6547,4947,69947,69947,40,10368,3,12,0,1,0,0,1,1,1,1,0,1,0,0,2,2,0.1464927,4932,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7719",15623,39000,70000,0,70000,86600,86600,141223,141223,211223,215023,60,136389,2,1,0,1,1,1,1,1,1,1,1,0,0,0,7,1,0.5801663,102223,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7720",0,0,60000,18000,42000,550,-3800,550,-3800,38200,39350,42,50460,1,15,1,0,0,0,1,1,0,0,0,0,1,0,6,3,0.7472324,-3800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7721",0,1800,0,0,0,236,-44764,2036,-42964,-42964,-32964,43,23412,1,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-44764,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7722",0,0,140000,25000,115000,9197,8947,9197,8947,123947,123947,46,47139,4,12,1,1,1,1,1,1,0,0,0,1,0,0,5,2,0.6077043,8947,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7723",0,400,0,0,0,3400,-37904,3800,-37504,-37504,-37504,27,17364,2,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1283302,-37904,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7724",0,0,79100,79100,0,6500,5500,6500,5500,5500,12500,40,39828,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,5500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7725",150,4000,99000,73950,25050,4900,1900,9050,6050,31100,31100,32,39996,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,2050,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7726",0,4600,135000,28500,106500,2800,-1400,7400,3200,109700,123700,42,73722,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-1400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7727",0,0,0,0,0,500,300,500,300,300,1800,47,20406,2,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.2092901,300,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7728",0,1000,42000,0,42000,4325,-5675,5325,-4675,37325,37325,32,62382,3,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-5675,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7729",37000,3500,65000,37000,28000,6150,5650,46650,46150,74150,83537,43,46857,3,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,42650,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7730",0,1800,0,0,0,50,-9150,1850,-7350,-7350,-1050,26,35244,2,15,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5896286,-9150,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7731",0,7000,45000,45000,0,230,-7300,7230,-300,-300,400,43,39261,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-7300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7732",31000,3000,142000,142000,0,4500,1300,38500,35300,35300,73300,43,105156,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,32300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7733",0,10000,95000,82000,13000,40,-30460,10040,-20460,-7460,-6960,43,29703,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2694195,-30460,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7734",0,20000,46000,0,46000,3712,3312,23712,23312,69312,70812,41,27111,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,3312,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7735",2000,0,70000,0,70000,4398,-6602,6398,-4602,65398,65398,59,36864,2,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,-4602,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7736",4000,8900,68000,48000,20000,299,-6701,13199,6199,26199,26199,28,44925,2,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-2701,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7737",0,1300,0,0,0,150,-850,1450,450,450,5450,27,44400,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-850,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7738",0,2500,40000,0,40000,0,0,2500,2500,42500,42500,51,10800,1,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7739",9000,31000,0,0,0,3499,3432,43499,43432,43432,43432,47,34236,5,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.6044431,12432,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7740",0,85000,70000,46000,24000,2475,-7025,87475,77975,101975,124975,47,77016,2,14,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-7025,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7741",6000,35000,94000,72000,22000,6500,5500,47500,46500,68500,77500,39,68949,5,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,11500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7742",0,6000,50000,0,50000,3300,-675,9300,5325,55325,61325,47,38820,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-675,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7743",0,0,200000,26000,174000,27135,21135,27135,21135,195135,207135,46,74625,4,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,21135,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7744",0,0,170000,122000,48000,352475,281100,352475,281100,329100,493600,62,58848,2,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,281100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7745",7000,15,18000,15000,3000,350,-4450,7365,2565,5565,11565,36,21366,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,2550,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7746",0,0,0,0,0,1100,100,1100,100,100,10100,32,42231,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,100,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7747",20000,20000,185000,100000,85000,32000,32000,72000,72000,157000,157000,37,67509,5,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,52000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7748",0,2300,80000,10000,70000,39999,39599,42299,41899,111899,111899,44,22668,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,39599,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7749",10000,19000,145000,145000,0,9685,4185,38685,33185,33185,215685,30,122802,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,14185,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7750",0,30000,0,0,0,8000,6500,38000,36500,36500,44175,37,25002,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7751",0,1700,83000,83000,0,1050,-6950,2750,-5250,-5250,8750,38,44472,5,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-6950,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7752",20000,2800,0,0,0,12046,10746,34846,33546,33546,36971,34,43887,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,30746,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7753",0,800,36000,14000,22000,0,0,800,800,22800,24934,35,19023,5,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7754",0,12000,154000,70000,84000,6650,1250,18650,13250,97250,97250,44,45927,3,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,1250,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7755",0,0,0,0,0,3000,3000,3000,3000,3000,11075,61,35292,1,10,0,0,1,0,1,1,0,0,1,0,0,0,4,1,0.3086649,3000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"7756",0,1000,3000,0,3000,7000,7000,8000,8000,11000,19806,29,168,2,12,0,0,1,0,1,1,1,0,0,1,0,0,1,2,0.036628,7000,1,1,0,0,0,0,0,0,1,0,0,0,0 -"7757",0,10800,110000,70000,40000,44798,34898,55598,45698,85698,90198,43,88062,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,34898,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7758",0,0,0,0,0,17000,16700,17000,16700,16700,29879,31,28047,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,16700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7759",0,3000,159900,100000,59900,2600,-5400,5600,-2400,57500,66700,34,66396,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-5400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7760",5000,500,119000,36000,83000,500,-1100,6000,4400,87400,88400,64,22983,2,14,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,3900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7761",0,5000,75000,42000,33000,700,-200,5700,4800,37800,43150,44,36156,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6028074,-200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7762",12000,10000,240000,125000,115000,12000,6000,34000,28000,143000,147000,47,80211,2,12,0,1,1,1,1,1,1,1,0,1,0,0,7,2,0.5801663,18000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7763",0,6508,80000,43000,37000,46234,43134,52742,49642,86642,89242,45,39018,2,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,43134,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7764",0,255,55000,17000,38000,2907,2107,3162,2362,40362,42862,34,37620,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,2107,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7765",0,0,65000,25000,40000,40000,39750,40000,39750,79750,80750,54,41799,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,39750,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7766",0,0,80000,0,80000,33700,33700,33700,33700,113700,138700,54,53862,3,18,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,33700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7767",24000,21000,0,0,0,7400,6800,52400,51800,51800,51800,36,78765,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.4696543,30800,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7768",0,3000,35000,15000,20000,19999,19749,22999,22749,42749,42749,35,34854,2,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,19749,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7769",0,0,0,0,0,210,-290,210,-290,-290,3560,44,20652,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-290,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7770",0,0,0,0,0,75,75,75,75,75,-605,26,20403,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,75,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7771",14433,80000,220000,130000,90000,26199,22199,120632,116632,206632,219207,39,93120,2,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,36632,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7772",800,80000,83000,83000,0,53848,39448,134648,120248,120248,178798,33,146076,2,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,40248,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7773",0,8000,50000,30000,20000,1550,-2150,9550,5850,25850,31850,50,37635,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2150,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7774",0,4000,60000,0,60000,5000,4200,9000,8200,68200,73075,44,54543,6,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7775",0,10107,0,0,0,600,-6100,10707,4007,4007,5507,50,34986,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-6100,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7776",0,17000,170000,80000,90000,13349,-2451,30349,14549,104549,177549,47,92583,3,18,0,1,1,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-2451,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7777",0,0,70000,0,70000,44,-456,44,-456,69544,71730,53,34653,1,12,1,1,1,0,1,1,0,0,0,1,0,0,4,2,0.5297047,-456,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7778",0,50000,75000,21000,54000,549,-451,50549,49549,103549,103549,50,30189,3,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-451,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7779",1900,1800,0,0,0,1480,-9520,5180,-5820,-5820,-2295,30,33585,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,-7620,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7780",0,1900,225000,150000,75000,500,-4500,2400,-2600,72400,72400,64,36693,8,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7781",0,2600,0,0,0,50,-3100,2650,-500,-500,-500,36,38253,5,14,0,1,1,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-3100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7782",0,1300,63000,62000,1000,2240,-5060,3540,-3760,-2760,5240,33,49776,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-5060,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7783",0,6800,0,0,0,4022,-8478,10822,-1678,-1678,-1678,29,33744,2,15,0,1,1,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-8478,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7784",0,50000,0,0,0,700,-1800,50700,48200,48200,55796,27,30015,1,17,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-1800,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7785",4000,4000,240000,147000,93000,8025,8025,16025,16025,109025,119704,29,74070,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,12025,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7786",0,890,300000,45000,255000,20,-2980,910,-2090,252910,263910,38,45786,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-2980,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7787",8000,2000,250000,106000,144000,500,440,10500,10440,154440,182440,51,46980,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,8440,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7788",0,4786,0,0,0,5318,5288,10104,10074,10074,10074,36,35364,2,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,5288,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7789",1600,3000,84000,54000,30000,4550,-15750,9150,-11150,18850,22850,32,57441,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-14150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7790",56000,25000,300000,150000,150000,101300,100500,182300,181500,331500,411500,59,67482,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,156500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7791",0,5000,67000,67000,0,3000,-13500,8000,-8500,-8500,-5900,27,49200,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,-13500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7792",3966,0,170000,97000,73000,1750,-2450,5716,1516,74516,74516,48,76209,5,14,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.5801663,1516,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7793",203,15000,265000,67500,197500,2523,2523,17726,17726,215226,215226,42,60090,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,2726,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7794",0,50000,0,0,0,248,248,50248,50248,50248,50248,50,34545,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,248,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7795",17000,2400,0,0,0,12000,10800,31400,30200,30200,30200,29,83610,2,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.4888144,27800,0,0,0,0,0,0,0,1,1,0,0,0,0 -"7796",0,0,82000,63000,19000,2999,2999,2999,2999,21999,21999,53,54486,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7797",9000,50800,48000,16500,31500,10049,10049,69849,69849,101349,106749,47,34149,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,19049,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7798",0,800,90000,0,90000,4000,4000,4800,4800,94800,97775,48,13800,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,4000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7799",0,0,96000,69000,27000,28500,20080,28500,20080,47080,47080,46,76233,4,13,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,20080,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7800",0,600,40000,23500,16500,1500,-5500,2100,-4900,11600,14950,37,35976,4,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-5500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7801",0,0,52000,23900,28100,3500,2750,3500,2750,30850,30850,45,44067,4,10,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,2750,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7802",15996,1000,85000,12000,73000,19474,19274,36470,36270,109270,159270,56,47790,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,35270,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7803",0,0,0,0,0,200,200,200,200,200,775,26,19548,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,200,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7804",30000,10000,120000,0,120000,52375,52375,92375,92375,212375,214725,57,26142,1,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2658667,82375,1,0,0,1,0,0,0,0,0,0,0,0,1 -"7805",0,3756,187000,0,187000,3917,-15533,7673,-11777,175223,191247,30,66123,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-15533,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7806",0,0,39000,32000,7000,4999,4999,4999,4999,11999,14499,43,6450,2,10,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0.375,4999,1,1,0,0,0,0,0,0,0,0,1,0,0 -"7807",13467,6000,65000,23000,42000,47000,42100,66467,61567,103567,103567,60,46071,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,55567,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7808",1900,35000,124000,99000,25000,56582,49532,93482,86432,111432,113798,45,91575,1,18,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.7355057,51432,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7809",4000,2300,58000,40000,18000,5648,-3262,11948,3038,21038,21038,30,47001,2,16,0,1,1,1,1,1,1,1,0,0,0,1,5,4,0.4624346,738,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7810",0,3000,65000,0,65000,700,0,3700,3000,68000,69500,33,41283,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,0,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7811",0,24000,155000,87000,68000,1200,-2100,25200,21900,89900,105953,40,54591,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-2100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7812",0,100,10000,13000,-3000,185,-5815,285,-5715,-8715,-8715,42,26526,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-5815,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7813",0,0,0,0,0,583,583,583,583,583,583,44,24678,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,583,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7814",0,20000,0,0,0,1599,-4401,21599,15599,15599,17099,31,31905,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-4401,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7815",0,1700,90000,74900,15100,29999,28299,31699,29999,45099,48267,41,24558,4,16,0,1,0,0,1,1,1,0,0,0,0,1,3,4,0.273178,28299,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7816",0,300,0,0,0,12757,7557,13057,7857,7857,17357,29,55851,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,7557,0,0,0,0,0,0,1,0,1,0,0,0,0 -"7817",5204,3200,0,0,0,505,-2495,8909,5909,5909,107009,51,29196,5,16,0,1,0,0,1,1,1,1,0,0,0,1,3,4,0.2061994,2709,0,0,0,1,0,0,0,0,0,0,0,1,0 -"7818",0,6000,68000,65000,3000,600,-1900,6600,4100,7100,7100,41,69840,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7819",0,1000,75000,73500,1500,970,-11030,1970,-10030,-8530,-6030,37,38292,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-11030,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7820",4000,0,42000,15000,27000,0,-6000,4000,-2000,25000,31543,44,36600,4,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,-2000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7821",0,3000,58000,52500,5500,300,-4200,3300,-1200,4300,4300,32,47361,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-4200,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7822",13000,5000,86000,49000,37000,7600,7525,25600,25525,62525,62525,42,49668,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,20525,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7823",0,0,0,0,0,1550,-59450,1550,-59450,-59450,-56950,25,40800,1,16,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5231876,-59450,0,0,0,0,0,1,0,0,1,0,0,0,0 -"7824",0,4000,0,0,0,7500,7200,11500,11200,11200,15150,30,23550,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,7200,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7825",23000,4000,300000,150000,150000,60000,60000,87000,87000,237000,299000,43,155196,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7826",35000,13250,135000,68000,67000,35150,32750,83400,81000,148000,148350,43,76581,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,67750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7827",0,28160,52000,17500,34500,6501,-13451,34661,14709,49209,49459,42,58182,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,-13451,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7828",0,0,0,0,0,14,-5280,14,-5280,-5280,-2780,32,30360,3,14,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,-5280,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7829",13000,0,140000,80000,60000,13030,12130,26030,25130,85130,85130,35,49920,2,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,25130,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7830",0,22000,116000,60000,56000,31450,31450,53450,53450,109450,109450,35,60303,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,31450,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7831",0,2300,30000,18200,11800,50,-1250,2350,1050,12850,27850,42,17244,3,10,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,-1250,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7832",10000,80000,300000,150000,150000,7000,3000,97000,93000,243000,443000,52,106896,6,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,13000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7833",640,0,60000,58000,2000,8800,5300,9440,5940,7940,18940,31,55920,4,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,5940,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7834",0,250,0,0,0,6180,4180,6430,4430,4430,4430,33,29712,4,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,4180,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7835",8000,5000,0,0,0,6000,-49000,19000,-36000,-36000,67500,30,64995,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,-41000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"7836",700,20000,70000,40500,29500,12610,12054,33310,32754,62254,76566,34,74472,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,12754,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7837",0,47942,75000,0,75000,2000,-2000,49942,45942,120942,127942,52,61200,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7838",0,15000,300000,125000,175000,20500,19000,35500,34000,209000,217750,30,62652,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,19000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7839",10000,8000,48000,0,48000,7300,7300,25300,25300,73300,78625,46,23985,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,17300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7840",0,650,35000,35000,0,760,185,1410,835,835,4285,32,17655,1,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,185,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7841",0,0,30000,30000,0,15000,15000,15000,15000,15000,15000,34,50262,4,1,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.5405443,15000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7842",5700,2500,85000,85000,0,15210,14910,23410,23110,23110,23110,34,39450,4,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,20610,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7843",0,17000,0,0,0,22000,21400,39000,38400,38400,39475,31,41058,1,18,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,21400,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7844",0,700,90000,72000,18000,23200,20800,23900,21500,39500,41450,33,45750,1,17,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,20800,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7845",0,65000,110000,33000,77000,44000,44000,109000,109000,186000,269550,46,69600,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,44000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7846",3000,13000,240000,150000,90000,12704,-28396,28704,-12396,77604,89104,37,85320,3,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-25396,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7847",23474,11000,275000,150000,125000,52770,-328830,98244,-283356,-158356,-155756,44,155415,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,-305356,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7848",0,0,0,0,0,50,-350,50,-350,-350,-350,32,27285,8,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.2092901,-350,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7849",10200,4000,0,0,0,1600,-4500,15800,9700,9700,14296,26,26430,2,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,5700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7850",3200,80000,300000,150000,150000,51725,49225,134925,132425,282425,282425,45,80850,5,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,52425,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7851",8500,80000,200000,130000,70000,5499,3499,93999,91999,161999,161999,41,40296,4,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,11999,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7852",0,0,100000,77000,23000,10000,10000,10000,10000,33000,41596,42,52434,1,14,1,0,1,0,1,1,0,0,0,0,1,0,6,3,0.7472324,10000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7853",0,10,54000,35000,19000,186,-1917,196,-1907,17093,17093,39,23259,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-1917,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7854",9000,1900,0,0,0,5750,-6750,16650,4150,4150,14150,46,63240,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.3533661,2250,0,0,0,0,0,0,1,0,0,0,0,1,0 -"7855",0,22000,85000,58000,27000,4000,3100,26000,25100,52100,65100,52,52050,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,3100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7856",2600,18000,140000,121000,19000,18189,12189,38789,32789,51789,68789,33,53436,3,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,14789,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7857",0,1300,0,0,0,13700,2700,15000,4000,4000,4800,35,117900,3,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4347773,2700,0,0,0,0,0,0,0,1,0,1,0,0,0 -"7858",0,7000,62000,0,62000,300,-2800,7300,4200,66200,114400,41,36975,6,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-2800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7859",0,0,0,0,0,200,-1300,200,-1300,-1300,848,26,16068,2,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,-1300,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7860",2800,0,110000,65000,45000,2900,-30500,5700,-27700,17300,17300,40,46026,3,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,-27700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7861",0,12000,65000,34000,31000,749,549,12749,12549,43549,45549,56,52245,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,549,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7862",0,50000,30000,0,30000,0,-5000,50000,45000,75000,75000,61,16800,4,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7863",0,0,24000,0,24000,0,0,0,0,24000,24000,39,24582,3,11,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7864",0,0,0,0,0,506,506,506,506,506,506,42,23451,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.5315681,506,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7865",10000,59200,180000,58000,122000,5575,3275,74775,72475,194475,194475,41,91689,5,15,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,13275,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7866",0,2339,225000,114000,111000,1100,-9400,3439,-7061,103939,108539,50,45762,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-9400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7867",0,0,0,0,0,4643,-24557,4643,-24557,-24557,-22757,26,38160,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.2951996,-24557,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7868",0,13000,0,0,0,800,800,13800,13800,13800,13800,43,22950,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7869",0,0,120000,84000,36000,1200,550,1200,550,36550,36550,36,33462,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,550,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7870",8000,0,175000,0,175000,20600,20470,28600,28470,203470,203470,43,44298,5,16,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,28470,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7871",0,2000,42000,15000,27000,2499,2499,4499,4499,31499,31499,50,30138,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,2499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7872",24000,56500,158000,126000,32000,29750,28750,110250,109250,141250,141250,36,100125,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,52750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7873",6000,1000,133000,133000,0,24500,24500,31500,31500,31500,37975,42,44898,2,13,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.650903,30500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7874",0,0,0,0,0,1000,1000,1000,1000,1000,8306,38,20163,1,15,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7875",0,0,90000,28000,62000,22200,22200,22200,22200,84200,87150,49,42915,1,18,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5315816,22200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7876",0,0,165000,13500,151500,3600,-3400,3600,-3400,148100,152100,36,64038,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-3400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7877",20000,6000,230000,0,230000,20499,20099,46499,46099,276099,466695,61,59166,5,16,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,40099,1,0,0,0,0,0,1,0,0,0,0,0,1 -"7878",0,0,66000,27999,38001,300,-200,300,-200,37801,38901,54,31203,5,11,1,1,0,1,1,1,0,0,1,0,0,0,4,1,0.5297047,-200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7879",0,13866,80000,31000,49000,1050,-3550,14916,10316,59316,59316,35,32265,5,17,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,-3550,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7880",0,25000,0,0,0,400,-800,25400,24200,24200,24200,55,47328,5,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.5995759,-800,0,0,0,0,0,1,0,0,0,0,0,0,1 -"7881",7600,0,120000,0,120000,48833,48333,56433,55933,175933,184529,64,49440,1,15,1,0,0,0,1,1,0,1,0,0,1,0,5,3,0.650903,55933,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7882",0,3000,120000,48000,72000,3000,-2000,6000,1000,73000,74125,43,38205,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-2000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7883",10000,100,61000,40000,21000,830,-11820,10930,-1720,19280,21280,42,41607,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,-1820,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7884",250,7600,45000,26350,18650,21945,21280,29795,29130,47780,47780,38,64974,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,21530,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7885",10000,0,125000,80000,45000,2260,1760,12260,11760,56760,56760,27,26523,3,16,0,1,0,0,1,1,0,1,0,0,0,1,3,4,0.2696004,11760,1,0,0,1,0,0,0,0,1,0,0,0,0 -"7886",0,1700,80000,50000,30000,54000,53500,55700,55200,85200,124200,42,50064,3,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,53500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7887",0,1000,0,0,0,650,-8128,1650,-7128,-7128,-7128,41,58293,4,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-8128,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7888",0,950,60000,26000,34000,700,-6700,1650,-5750,28250,47650,42,37914,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7889",0,2600,70000,62000,8000,4500,2000,7100,4600,12600,21600,36,46467,3,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,2000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7890",0,8900,62900,48000,14900,3125,1833,12025,10733,25633,30833,34,44661,5,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,1833,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7891",0,0,0,0,0,0,-2000,0,-2000,-2000,-1000,25,10059,3,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-2000,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7892",0,400,45000,27000,18000,650,-2350,1050,-1950,16050,18098,33,18477,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,-2350,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7893",16000,16250,130000,97500,32500,21500,17000,53750,49250,81750,81750,35,48180,2,13,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,33000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7894",0,125,70000,50000,20000,1700,1520,1825,1645,21645,30645,51,68172,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1520,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7895",0,2207,80000,68500,11500,9594,8610,11801,10817,22317,25768,43,52425,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8610,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7896",0,30950,0,0,0,7460,2960,38410,33910,33910,35910,42,82035,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.4572618,2960,0,0,0,0,0,0,0,1,0,0,1,0,0 -"7897",36000,14000,300000,55000,245000,84000,29000,134000,79000,324000,324000,34,59922,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,65000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7898",12000,7000,0,0,0,15240,8240,34240,27240,27240,28315,45,46521,1,14,1,0,0,0,1,1,1,1,0,0,1,0,5,3,0.6430668,20240,0,0,0,0,0,1,0,0,0,0,0,1,0 -"7899",50000,50000,0,0,0,39000,32800,139000,132800,132800,198800,60,49944,1,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,82800,0,0,0,0,0,1,0,0,0,0,0,0,1 -"7900",0,6000,90000,38000,52000,9500,9500,15500,15500,67500,72500,49,23670,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,9500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7901",0,500,95000,80000,15000,15000,15000,15500,15500,30500,36961,25,26730,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,15000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"7902",0,36000,100000,49000,51000,30000,29000,66000,65000,116000,118000,64,39537,2,10,1,1,0,0,1,1,1,0,1,0,0,0,4,1,0.5297047,29000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7903",4575,5000,150000,16900,133100,5500,5500,15075,15075,148175,148175,53,46683,3,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,10075,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7904",0,0,5000,1000,4000,149,-1251,149,-1251,2749,2749,44,21273,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-1251,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7905",0,2500,0,0,0,349,-4451,2849,-1951,-1951,2774,31,27015,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-4451,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7906",16000,30000,0,0,0,6499,6499,52499,52499,52499,55849,38,29952,1,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2029813,22499,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7907",0,0,125000,101900,23100,1376,-4624,1376,-4624,18476,24476,53,52110,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-4624,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7908",0,1500,0,0,0,1250,1250,2750,2750,2750,3350,36,28800,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,1250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7909",5000,12000,90000,65000,25000,181500,164500,198500,181500,206500,406500,47,56580,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,169500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7910",0,12000,120000,17000,103000,55339,50769,67339,62769,165769,167269,46,75687,3,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,50769,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7911",7000,80400,85000,22500,62500,4795,2895,92195,90295,152795,169295,46,51150,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,9895,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7912",31000,68357,190000,0,190000,9099,499,113456,104856,294856,294856,59,99318,6,15,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,31499,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7913",6538,68000,200000,70000,130000,2900,-3100,77438,71438,201438,201438,57,100026,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,3438,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7914",0,0,92000,76000,16000,1630,-4770,1630,-4770,11230,19230,47,61800,5,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-4770,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7915",0,65000,130000,129000,1000,18048,16348,83048,81348,82348,82348,34,88770,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,16348,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7916",0,0,45000,43800,1200,2500,2500,2500,2500,3700,4300,34,40545,3,17,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,2500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7917",0,47000,300000,58000,242000,81024,80174,128024,127174,369174,377149,51,43560,1,16,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,80174,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7918",1600,0,80000,57000,23000,949,-551,2549,1049,24049,24949,37,33489,1,18,0,0,0,0,1,1,0,1,0,0,0,1,4,4,0.3669286,1049,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7919",0,1000,105000,62000,43000,17224,17224,18224,18224,61224,68424,43,21672,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,17224,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7920",29600,0,175000,150000,25000,1300,1300,30900,30900,55900,84900,47,22542,3,12,0,1,0,1,1,1,0,1,0,1,0,0,3,2,0.2696004,30900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7921",0,891,70000,0,70000,1598,-902,2489,-11,69989,79989,25,38496,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-902,1,0,0,0,1,0,0,0,1,0,0,0,0 -"7922",16700,3000,12000,0,12000,2250,2250,21950,21950,33950,33950,47,29886,4,10,0,1,0,0,1,1,1,1,1,0,0,0,3,1,0.2696004,18950,1,0,0,1,0,0,0,0,0,0,0,1,0 -"7923",0,200,70000,58000,12000,8220,8220,8420,8420,20420,28420,41,57252,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8220,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7924",0,10000,0,0,0,8450,7250,18450,17250,17250,18075,38,26538,1,17,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,7250,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7925",0,780,38600,38600,0,1500,1500,2280,2280,2280,1280,41,29706,2,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7926",0,21347,75000,36000,39000,17850,17850,39197,39197,78197,78197,33,44466,5,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,17850,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7927",0,0,0,0,0,451,-11199,451,-11199,-11199,-7849,40,33177,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6600804,-11199,0,0,0,0,1,0,0,0,0,0,1,0,0 -"7928",0,0,0,0,0,799,-1801,799,-1801,-1801,-301,28,20100,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-1801,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7929",0,0,45000,45000,0,8111,8111,8111,8111,8111,17111,55,18375,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,8111,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7930",0,0,75000,34000,41000,1300,-1000,1300,-1000,40000,52000,35,39162,5,13,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-1000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7931",0,171,0,0,0,600,-13400,771,-13229,-13229,-13229,33,30714,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-13400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7932",0,9500,48000,36500,11500,3260,1200,12760,10700,22200,24700,42,38091,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,1200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7933",0,0,45000,32600,12400,606,-1894,606,-1894,10506,30506,37,29523,4,13,0,1,1,0,1,1,0,0,0,0,1,0,3,3,0.273178,-1894,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7934",750,0,60000,35100,24900,300,-5400,1050,-4650,20250,20250,35,44379,5,13,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,-4650,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7935",58000,13767,163000,130400,32600,94325,92625,166092,164392,196992,230592,46,91017,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,150625,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7936",10000,3000,55000,45000,10000,18174,13974,31174,26974,36974,40974,40,52920,3,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,23974,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7937",15700,3909,175000,150000,25000,67900,67900,87509,87509,112509,121509,29,91536,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83600,1,0,0,0,0,0,0,1,1,0,0,0,0 -"7938",0,7000,139000,139000,0,8830,-670,15830,6330,6330,5330,48,76680,1,18,1,0,0,0,1,1,1,0,0,0,0,1,7,4,0.6891237,-670,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7939",0,14000,23000,15000,8000,350,350,14350,14350,22350,23350,43,15300,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,350,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7940",0,8000,0,0,0,2500,-1500,10500,6500,6500,7500,37,73665,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-1500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"7941",0,5000,100000,30000,70000,9000,-1400,14000,3600,73600,73600,58,33816,3,8,0,1,1,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-1400,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7942",0,20000,88000,25000,63000,11500,11500,31500,31500,94500,100800,46,32637,1,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,11500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7943",0,11000,0,0,0,6400,-1100,17400,9900,9900,14125,35,40860,3,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5231876,-1100,0,0,0,0,0,1,0,0,0,1,0,0,0 -"7944",12000,80600,150000,25000,125000,6099,5299,98699,97899,222899,222899,57,40152,3,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,17299,1,0,0,0,0,1,0,0,0,0,0,0,1 -"7945",50000,30000,160000,70000,90000,8575,7775,88575,87775,177775,185850,38,45948,1,17,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,57775,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7946",2000,80000,100000,78000,22000,60999,56999,142999,138999,160999,252749,54,57063,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,58999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7947",0,0,20000,0,20000,600,-1087,600,-1087,18913,18913,29,10791,4,12,1,1,1,0,1,1,0,0,0,1,0,0,2,2,0.3623197,-1087,1,0,1,0,0,0,0,0,1,0,0,0,0 -"7948",7000,0,95000,0,95000,8000,8000,15000,15000,110000,115000,56,31350,3,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,15000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"7949",0,2400,0,0,0,2849,2849,5249,5249,5249,22612,35,23892,1,14,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,2849,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7950",0,405,72000,67000,5000,3720,-2789,4125,-2384,2616,8216,30,43728,4,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-2789,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7951",30000,25000,275000,35000,240000,78600,78600,133600,133600,373600,381696,53,83460,4,16,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,108600,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7952",4000,15000,60000,52000,8000,8700,5961,27700,24961,32961,33511,54,68010,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,9961,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7953",0,97100,150000,49000,101000,9250,8850,106350,105950,206950,231950,54,70179,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,8850,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7954",0,27000,100000,55000,45000,30,-1430,27030,25570,70570,79070,39,19806,4,14,1,1,0,1,1,1,1,0,0,0,1,0,2,3,0.3623197,-1430,1,0,1,0,0,0,0,0,0,0,1,0,0 -"7955",0,5500,133900,48000,85900,1500,-1000,7000,4500,90400,94600,44,74277,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7956",0,14000,0,0,0,19999,19999,33999,33999,33999,35499,41,22800,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,19999,0,0,0,1,0,0,0,0,0,0,1,0,0 -"7957",0,1000,75000,51000,24000,8548,2748,9548,3748,27748,27748,33,58026,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,2748,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7958",0,7000,100000,80000,20000,14685,11885,21685,18885,38885,38885,34,112509,3,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,11885,1,0,0,0,0,0,0,1,0,1,0,0,0 -"7959",10500,2000,80000,33750,46250,3748,2748,16248,15248,61498,62048,50,16521,1,13,1,0,0,0,1,1,1,1,0,0,1,0,2,3,0.3108636,13248,1,0,1,0,0,0,0,0,0,0,0,1,0 -"7960",0,30000,120000,45000,75000,26560,26560,56560,56560,131560,141560,39,49689,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,26560,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7961",29000,2148,300000,131000,169000,30198,29048,61346,60196,229196,267050,44,97887,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,58048,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7962",0,0,0,0,0,10042,6442,10042,6442,6442,8942,31,23481,2,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,6442,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7963",0,600,21000,18000,3000,2200,1600,2800,2200,5200,7468,32,18789,1,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,1600,1,0,1,0,0,0,0,0,0,1,0,0,0 -"7964",0,40000,0,0,0,2000,1750,42000,41750,41750,99175,50,35700,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1750,0,0,0,0,1,0,0,0,0,0,0,1,0 -"7965",0,600,65000,38000,27000,500,-400,1100,200,27200,40200,31,24006,2,11,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7966",0,22000,30000,26998,3002,800,-1200,22800,20800,23802,27602,50,36210,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-1200,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7967",0,400,0,0,0,45,-2455,445,-2055,-2055,-55,26,17619,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-2455,0,0,1,0,0,0,0,0,1,0,0,0,0 -"7968",10095,20200,140000,69000,71000,49033,49033,79328,79328,150328,161003,48,88596,1,16,1,0,0,0,1,1,1,1,0,0,0,1,7,4,0.7355057,59128,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7969",0,1600,30000,21500,8500,500,-2100,2100,-500,8000,12000,40,39045,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7970",0,20000,46000,37400,8600,2700,2700,22700,22700,31300,40300,30,36486,5,9,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,2700,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7971",0,0,0,0,0,400,400,400,400,400,400,25,20400,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"7972",0,0,0,0,0,499,499,499,499,499,3774,55,17913,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,499,0,0,1,0,0,0,0,0,0,0,0,0,1 -"7973",0,420,100000,69850,30150,2500,1050,2920,1470,31620,39620,28,42579,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1050,1,0,0,0,0,1,0,0,1,0,0,0,0 -"7974",0,5000,53000,53000,0,3500,3500,8500,8500,8500,13775,30,20430,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,3500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"7975",0,7000,95000,63000,32000,121000,117100,128000,124100,156100,164379,35,32874,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,117100,1,0,0,0,1,0,0,0,0,1,0,0,0 -"7976",0,530,0,0,0,49,49,579,579,579,11079,32,22383,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,49,0,0,0,1,0,0,0,0,0,1,0,0,0 -"7977",30000,50000,250000,150000,100000,51408,51408,131408,131408,231408,234504,48,34290,2,16,1,1,0,0,1,1,1,1,0,0,0,1,4,4,0.5449064,81408,1,0,0,0,1,0,0,0,0,0,0,1,0 -"7978",0,0,0,0,0,400,-1500,400,-1500,-1500,-1000,42,16224,6,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-1500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"7979",0,912,0,0,0,2350,-1910,3262,-998,-998,502,28,9042,1,17,1,0,1,0,1,1,1,0,0,0,0,1,1,4,0.3021799,-1910,0,1,0,0,0,0,0,0,1,0,0,0,0 -"7980",500,2000,58000,52100,5900,7405,7355,9905,9855,15755,21614,42,35244,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,7855,1,0,0,0,1,0,0,0,0,0,1,0,0 -"7981",0,11000,100000,78000,22000,4400,3400,15400,14400,36400,51275,35,50628,1,18,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,3400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"7982",2000,963,0,0,0,198,-2802,3161,161,161,161,28,38478,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.277538,-802,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7983",15742,0,0,0,0,10641,10591,26383,26333,26333,26333,52,19107,2,18,0,1,0,1,1,1,0,1,0,0,0,1,2,4,0.118155,26333,0,0,1,0,0,0,0,0,0,0,0,1,0 -"7984",0,20000,150000,98950,51050,20577,20527,40577,40527,91577,100315,29,61161,1,14,1,0,1,0,1,1,1,0,0,0,1,0,6,3,0.7472324,20527,1,0,0,0,0,0,1,0,1,0,0,0,0 -"7985",0,400,68000,67250,750,10342,-6658,10742,-6258,-5508,-5508,40,50292,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-6658,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7986",0,75000,95000,68000,27000,1750,-400,76750,74600,101600,102987,38,51528,6,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"7987",6000,14600,175000,35000,140000,2950,2450,23550,23050,163050,163050,46,99597,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,8450,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7988",5000,2000,140000,90000,50000,24000,17000,31000,24000,74000,92000,52,80565,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,22000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"7989",0,80000,125000,0,125000,35750,35750,115750,115750,240750,313750,36,108276,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,35750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"7990",0,50000,170000,150000,20000,10024,10024,60024,60024,80024,80024,47,40200,3,14,1,1,1,1,1,1,1,0,0,0,1,0,5,3,0.6077043,10024,1,0,0,0,0,1,0,0,0,0,0,1,0 -"7991",0,4300,0,0,0,656,56,4956,4356,4356,18731,34,34062,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,56,0,0,0,0,1,0,0,0,0,1,0,0,0 -"7992",0,0,250000,29900,220100,81000,80850,81000,80850,300950,300950,49,71691,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,80850,1,0,0,0,0,0,1,0,0,0,0,1,0 -"7993",0,2000,0,0,0,500,0,2500,2000,2000,6050,25,31992,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,1,0,0,0,0 -"7994",4362,1212,70000,0,70000,3289,289,8863,5863,75863,108196,40,40677,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,4651,1,0,0,0,0,1,0,0,0,0,1,0,0 -"7995",16000,70000,110000,65000,45000,32900,12900,118900,98900,143900,168900,57,81690,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,28900,1,0,0,0,0,0,0,1,0,0,0,0,1 -"7996",0,3577,37000,27000,10000,155,-630,3732,2947,12947,13313,56,16671,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-630,1,0,1,0,0,0,0,0,0,0,0,0,1 -"7997",5000,0,140000,100000,40000,2800,1400,7800,6400,46400,46400,34,47928,3,18,0,1,1,0,1,1,0,1,0,0,0,1,5,4,0.4624346,6400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"7998",0,0,30000,0,30000,0,-5547,0,-5547,24453,24453,38,20970,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-5547,1,0,0,1,0,0,0,0,0,0,1,0,0 -"7999",0,900,70000,47500,22500,399,-4201,1299,-3301,19199,22589,36,48921,5,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,-4201,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8000",0,30000,45000,24900,20100,7400,6800,37400,36800,56900,65900,40,37680,5,10,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,6800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8001",22000,18000,93000,40000,53000,35300,34700,75300,74700,127700,130875,60,42432,3,12,1,0,0,0,1,1,1,1,0,1,0,0,5,2,0.650903,56700,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8002",17000,17000,200000,49100,150900,5000,4000,39000,38000,188900,270900,42,38220,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,21000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8003",0,0,40000,28000,12000,250,-1550,250,-1550,10450,17950,39,16392,4,12,0,1,0,1,1,1,0,0,0,1,0,0,2,2,0.1582553,-1550,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8004",0,200,98000,46000,52000,1458,-6772,1658,-6572,45428,45428,37,46050,4,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-6772,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8005",0,0,70000,66000,4000,1000,-14700,1000,-14700,-10700,-10700,40,48780,2,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-14700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8006",0,0,0,0,0,600,100,600,100,100,1100,30,23112,3,12,0,1,1,1,1,1,0,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8007",0,40000,0,0,0,1400,-10600,41400,29400,29400,30550,40,40650,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.3055234,-10600,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8008",0,0,31000,17500,13500,5100,-3100,5100,-3100,10400,31400,29,25908,3,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-3100,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8009",11000,5000,250000,45000,205000,6475,5275,22475,21275,226275,239275,39,46110,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,16275,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8010",0,37580,198000,105000,93000,6699,899,44279,38479,131479,131479,44,114360,3,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,899,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8011",0,1000,0,0,0,1301,1301,2301,2301,2301,8301,43,16446,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,1301,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8012",0,0,50000,45000,5000,9999,8999,9999,8999,13999,14799,29,47178,2,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,8999,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8013",0,0,80000,73000,7000,1707,1407,1707,1407,8407,26407,51,76263,6,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,1407,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8014",0,0,0,0,0,2749,-251,2749,-251,-251,2749,30,80109,2,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4572618,-251,0,0,0,0,0,0,0,1,0,1,0,0,0 -"8015",0,50000,105000,85000,20000,26200,23400,76200,73400,93400,100400,34,51780,4,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,23400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8016",3000,0,75000,0,75000,6100,4600,9100,7600,82600,94600,36,40515,3,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,7600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8017",15000,0,125000,0,125000,42224,37624,57224,52624,177624,177624,55,53454,2,13,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,52624,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8018",1000,154,36000,28000,8000,12,-5763,1166,-4609,3391,3391,31,30636,4,18,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,-4763,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8019",0,425,0,0,0,252,-98,677,327,327,6327,26,28683,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-98,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8020",0,30000,84000,49500,34500,2800,-6700,32800,23300,57800,57800,36,69783,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-6700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8021",0,0,0,0,0,800,800,800,800,800,3800,31,23235,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8022",0,0,0,0,0,49,49,49,49,49,724,26,20340,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,49,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8023",0,0,52000,20000,32000,400,400,400,400,32400,50900,43,25500,2,13,0,0,1,0,1,1,0,0,0,0,1,0,3,3,0.2694195,400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8024",0,0,125000,103000,22000,8900,-3600,8900,-3600,18400,18400,43,52347,2,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.7472324,-3600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8025",12000,0,105000,20000,85000,27099,27099,39099,39099,124099,124099,43,27546,3,12,0,1,0,0,1,1,0,1,0,1,0,0,3,2,0.2696004,39099,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8026",0,1300,0,0,0,300,-17200,1600,-15900,-15900,-15900,26,27693,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-17200,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8027",6000,1000,69000,68200,800,449,-9051,7449,-2051,-1251,8749,28,25317,3,12,0,1,1,1,1,1,1,1,0,1,0,0,3,2,0.2696004,-3051,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8028",5200,5200,60000,50000,10000,2400,-1100,12800,9300,19300,33300,27,40134,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,4100,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8029",0,0,0,0,0,500,500,500,500,500,500,29,35385,3,14,1,1,1,1,1,1,0,0,0,0,1,0,4,3,0.5896286,500,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8030",0,8000,95000,80000,15000,2330,-1670,10330,6330,21330,21330,29,93357,1,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,-1670,1,0,0,0,0,0,0,1,1,0,0,0,0 -"8031",57000,5088,90000,0,90000,1799,-201,63887,61887,151887,446887,58,25977,2,18,0,1,0,0,1,1,1,1,0,0,0,1,3,4,0.2696004,56799,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8032",5700,52000,38000,28500,9500,2500,975,60200,58675,68175,92299,42,53496,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,6675,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8033",0,16825,0,0,0,6051,-4838,22876,11987,11987,11987,29,43533,2,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-4838,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8034",0,360,120000,61000,59000,98498,98498,98858,98858,157858,157858,52,73920,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,98498,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8035",15750,1000,40000,17000,23000,6500,-15500,23250,1250,24250,24250,57,75144,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,250,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8036",45450,5600,98000,7500,90500,57500,57420,108550,108470,198970,220330,53,41238,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,102870,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8037",25000,0,150000,95000,55000,53000,52000,78000,77000,132000,132000,46,59769,4,16,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,77000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8038",0,0,0,0,0,1450,1450,1450,1450,1450,1450,31,17310,6,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,1450,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8039",0,0,145000,57000,88000,3050,-1395,3050,-1395,86605,131181,47,48375,4,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-1395,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8040",3200,0,77000,77000,0,1100,1100,4300,4300,4300,33725,45,20010,4,13,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,4300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8041",23381,11000,57000,49400,7600,18175,14475,52556,48856,56456,56456,37,48966,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,37856,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8042",0,2300,0,0,0,0,0,2300,2300,2300,2800,50,7854,5,10,1,0,0,0,1,1,1,0,1,0,0,0,1,1,0.3021799,0,0,1,0,0,0,0,0,0,0,0,0,1,0 -"8043",0,0,300000,150000,150000,5234,434,5234,434,150434,156434,40,74418,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,434,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8044",0,5000,65000,45000,20000,0,0,5000,5000,25000,25000,39,39120,7,6,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8045",0,0,0,0,0,949,949,949,949,949,1149,42,32727,2,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,949,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8046",4000,1000,0,0,0,7199,2640,12199,7640,7640,16640,25,14028,2,12,0,1,0,1,1,1,1,1,0,1,0,0,2,2,0.118155,6640,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8047",600,2400,0,0,0,5651,5591,8651,8591,8591,14766,41,26790,1,18,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2029813,6191,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8048",6000,4000,67500,42300,25200,3000,-1000,13000,9000,34200,43533,35,22521,2,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2658667,5000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8049",0,400,35000,30000,5000,7807,7107,8207,7507,12507,14673,34,17760,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,7107,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8050",6050,0,205000,150000,55000,1623,-577,7673,5473,60473,68473,34,43890,6,17,0,1,0,1,1,1,0,1,0,0,0,1,5,4,0.4624346,5473,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8051",1000,800,39000,38500,500,800,-21700,2600,-19900,-19400,-7800,38,45822,5,18,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,-20700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8052",0,3800,0,0,0,499,-401,4299,3399,3399,9124,30,26430,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,-401,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8053",0,3400,0,0,0,50,-3450,3450,-50,-50,-50,29,35706,5,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-3450,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8054",20000,6700,80000,50000,30000,100,100,26800,26800,56800,56800,61,27702,8,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,20100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8055",0,13000,110000,70000,40000,120,-6595,13120,6405,46405,47405,25,51315,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-6595,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8056",0,0,65000,43584,21416,203,-997,203,-997,20419,20419,60,35676,4,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,-997,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8057",70300,37500,105000,79500,25500,132664,132664,240464,240464,265964,390064,40,91653,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,202964,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8058",5100,5100,0,0,0,0,-6525,10200,3675,3675,6150,28,24348,3,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.5117899,-1425,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8059",44000,92205,73340,0,73340,50400,50400,186605,186605,259945,259945,52,50682,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,94400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8060",0,12000,72000,59000,13000,13794,13794,25794,25794,38794,96994,44,68535,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,13794,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8061",17300,8000,62300,62300,0,60499,55499,85799,80799,80799,108374,53,47190,1,13,0,0,0,0,1,1,1,1,0,0,1,0,5,3,0.4414764,72799,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8062",0,5500,165000,0,165000,80020,69798,85520,75298,240298,246048,41,61428,3,12,0,0,0,0,1,1,1,0,0,1,0,0,6,2,0.4938007,69798,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8063",0,2000,88000,22500,65500,6000,6000,8000,8000,73500,73500,46,43158,2,10,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,6000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8064",0,0,0,0,0,0,0,0,0,0,0,37,25920,5,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8065",0,10000,150000,64400,85600,57770,57703,67770,67703,153303,153303,40,55464,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,57703,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8066",0,0,0,0,0,0,0,0,0,0,500,39,17037,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8067",0,323,0,0,0,1100,980,1423,1303,1303,3728,34,19413,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,980,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8068",12000,31000,115000,80000,35000,4447,3232,47447,46232,81232,81232,38,69714,3,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,15232,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8069",2500,10000,229000,93000,136000,1749,1749,14249,14249,150249,210674,48,49746,1,14,1,0,1,0,1,1,1,1,0,0,1,0,5,3,0.650903,4249,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8070",4000,35000,116000,60000,56000,1949,1949,40949,40949,96949,100002,50,45045,1,14,1,0,1,0,1,1,1,1,0,0,1,0,5,3,0.650903,5949,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8071",0,403,0,0,0,1700,-310,2103,93,93,4668,36,19422,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-310,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8072",800,0,50000,0,50000,4075,-9965,4875,-9165,40835,40835,49,36630,4,14,1,1,0,1,1,1,0,1,0,0,1,0,4,3,0.5449064,-9165,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8073",7000,18000,125000,0,125000,4999,2999,29999,27999,152999,152999,57,34791,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8074",16000,16000,150000,82500,67500,14000,14000,46000,46000,113500,118175,48,60000,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,30000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8075",0,381,64000,48000,16000,147,-6853,528,-6472,9528,13903,26,16854,3,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-6853,1,0,1,0,0,0,0,0,1,0,0,0,0 -"8076",2500,0,0,0,0,23000,22700,25500,25200,25200,37253,33,35130,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,25200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8077",0,1800,80000,73600,6400,4700,4700,6500,6500,12900,16600,26,45312,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,4700,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8078",0,0,28307,28307,0,150,-10550,150,-10550,-10550,4426,25,31635,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-10550,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8079",0,22000,62000,37500,24500,1300,1300,23300,23300,47800,47938,46,17994,4,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.143074,1300,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8080",0,6000,42000,15000,27000,1100,0,7100,6000,33000,33000,52,40329,2,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8081",0,0,0,0,0,0,-950,0,-950,-950,169050,48,75798,4,16,1,1,0,1,1,1,0,0,0,0,0,1,7,4,0.4347773,-950,0,0,0,0,0,0,0,1,0,0,0,1,0 -"8082",6000,9000,250000,149000,101000,21914,20914,36914,35914,136914,136914,33,100563,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,26914,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8083",0,40,0,0,0,300,-2700,340,-2660,-2660,-2160,25,11157,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8084",0,10000,45000,39800,5200,381,381,10381,10381,15581,15581,38,23790,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,381,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8085",53000,6000,92000,63000,29000,7086,5306,66086,64306,93306,182806,60,41985,2,11,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,58306,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8086",6000,0,140000,96000,44000,67799,67499,73799,73499,117499,117499,33,68481,2,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,73499,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8087",0,1000,270000,91000,179000,3449,-17351,4449,-16351,162649,162649,38,49704,4,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-17351,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8088",0,52000,15000,12000,3000,0,0,52000,52000,55000,61000,52,37512,4,12,0,1,1,0,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8089",0,0,17500,0,17500,1000,1000,1000,1000,18500,18500,58,29472,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,1000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8090",0,0,0,0,0,115,-4735,115,-4735,-4735,-2169,25,22104,1,14,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,-4735,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8091",9000,9000,150000,90000,60000,9700,9700,27700,27700,87700,127700,51,103848,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,18700,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8092",0,10000,150000,129900,20100,1500,-1500,11500,8500,28600,33266,29,44697,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-1500,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8093",27000,1500,95000,55000,40000,6500,6250,35000,34750,74750,84929,39,36060,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,33250,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8094",0,0,50000,27500,22500,1350,-650,1350,-650,21850,21850,40,27768,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-650,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8095",15000,0,100000,0,100000,999,999,15999,15999,115999,161999,58,45285,2,11,0,1,0,1,1,1,0,1,1,0,0,0,5,1,0.4624346,15999,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8096",0,2877,62000,56500,5500,194,-11606,3071,-8729,-3229,3471,31,52254,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-11606,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8097",0,22000,16000,14000,2000,461,-11693,22461,10307,12307,14507,46,18507,2,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,-11693,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8098",0,0,30000,25000,5000,1250,1250,1250,1250,6250,53250,33,27033,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,1250,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8099",0,3609,35000,35000,0,2854,542,6463,4151,4151,12181,30,36447,1,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,542,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8100",0,100,80000,0,80000,500,-3500,600,-3400,76600,76600,48,15300,1,16,0,0,0,0,1,1,1,0,0,0,0,1,2,4,0.143074,-3500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8101",3500,3500,0,0,0,50,50,7050,7050,7050,9175,41,25707,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.5117899,3550,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8102",1000,0,140000,100000,40000,0,-8000,1000,-7000,33000,33000,46,40335,7,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,-7000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8103",0,4399,60000,40000,20000,43600,43600,47999,47999,67999,67999,28,57300,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,43600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8104",0,3000,82000,74900,7100,50,50,3050,3050,10150,18250,48,34452,6,9,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,50,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8105",0,10000,240000,150000,90000,2050,1750,12050,11750,101750,111750,39,71829,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8106",0,1200,0,0,0,655,655,1855,1855,1855,1855,30,25950,3,13,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,655,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8107",13785,0,58000,15000,43000,13244,13244,27029,27029,70029,72773,56,42144,2,15,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,27029,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8108",0,0,20000,15000,5000,16799,16799,16799,16799,21799,22299,39,38070,1,14,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,16799,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8109",11078,5599,90000,0,90000,1714,1350,18391,18027,108027,120605,44,52893,2,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,12428,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8110",20000,0,110000,19000,91000,33800,32400,53800,52400,143400,163400,47,92931,4,16,1,1,1,1,1,1,0,1,0,0,0,1,7,4,0.7316045,52400,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8111",17000,0,66000,56800,9200,1050,-994,18050,16006,25206,27106,41,43299,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,16006,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8112",0,4000,0,0,0,0,0,4000,4000,4000,7850,46,16860,4,12,1,1,0,0,1,1,1,0,0,1,0,0,2,2,0.3791962,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8113",0,40000,110000,75850,34150,2568,2568,42568,42568,76718,76718,53,76686,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,2568,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8114",0,0,48000,48000,0,1200,1200,1200,1200,1200,1200,38,44409,4,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,1200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8115",0,0,0,0,0,25399,25299,25399,25299,25299,71299,34,46161,2,10,0,1,0,0,1,1,0,0,1,0,0,0,5,1,0.3243191,25299,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8116",0,5000,42000,15000,27000,3799,1499,8799,6499,33499,39197,36,43164,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1499,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8117",0,2500,100000,78000,22000,25499,20499,27999,22999,44999,54999,40,37827,5,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,20499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8118",4000,80000,290000,70000,220000,65300,63300,149300,147300,367300,367300,46,79548,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,67300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8119",10600,10172,0,0,0,19085,17085,39857,37857,37857,45882,39,69009,1,14,0,0,0,0,1,1,1,1,0,0,1,0,6,3,0.3107966,27685,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8120",0,89,170000,103000,67000,845,-655,934,-566,66434,66649,32,42255,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-655,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8121",0,300,0,0,0,2600,-4400,2900,-4100,-4100,-2156,42,20898,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-4400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8122",0,1200,0,0,0,1000,-500,2200,700,700,700,37,24333,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8123",19945,33500,90000,40000,50000,2000,920,55445,54365,104365,110365,44,63291,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,20865,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8124",0,2000,41000,41000,0,1000,-3000,3000,-1000,-1000,3675,51,11703,6,11,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4041266,-3000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8125",2500,0,0,0,0,34300,18600,36800,21100,21100,21100,28,29970,2,16,1,1,0,0,1,1,0,1,0,0,0,1,3,4,0.4172195,21100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8126",0,0,120000,87500,32500,2714,514,2714,514,33014,38014,35,64737,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,514,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8127",0,420,95000,62000,33000,13049,11249,13469,11669,44669,48169,31,64038,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,11249,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8128",0,0,120000,82000,38000,5015,-4985,5015,-4985,33015,33015,48,39846,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-4985,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8129",0,0,0,0,0,800,725,800,725,725,725,41,12750,6,13,1,1,0,1,1,1,0,0,0,0,1,0,2,3,0.3791962,725,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8130",0,785,60000,40000,20000,1448,-3452,2233,-2667,17333,18333,44,38862,3,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,-3452,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8131",25000,0,200000,45000,155000,20100,20100,45100,45100,200100,200100,43,86400,4,16,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,45100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8132",0,5000,175000,100000,75000,16275,7625,21275,12625,87625,87625,27,65847,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7625,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8133",27500,6088,165000,100000,65000,142499,142199,176087,175787,240787,329787,56,93069,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,169699,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8134",0,5088,72000,72000,0,3000,3000,8088,8088,8088,14988,55,28920,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,3000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8135",11000,1000,0,0,0,17000,17000,29000,29000,29000,38053,31,46050,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,28000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8136",2000,14000,80000,50000,30000,47000,45500,63000,61500,91500,95196,43,47184,4,13,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.4624346,47500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8137",0,3600,97000,69000,28000,1068,128,4668,3728,31728,34678,52,32973,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,128,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8138",0,2672,0,0,0,2735,235,5407,2907,2907,7337,54,19116,1,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,235,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8139",36000,21000,80000,0,80000,15599,12699,72599,69699,149699,162699,54,53895,2,12,0,1,1,0,1,1,1,1,0,1,0,0,6,2,0.5336504,48699,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8140",15000,80000,180000,105000,75000,85000,84800,180000,179800,254800,276025,51,67500,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,99800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8141",0,44000,125000,77000,48000,1423,1423,45423,45423,93423,93423,40,81216,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,1423,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8142",0,3000,12000,5522,6478,980,880,3980,3880,10358,19047,26,34518,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,880,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8143",0,800,0,0,0,5200,2050,6000,2850,2850,12850,30,59400,4,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.5000061,2050,0,0,0,0,0,0,1,0,0,1,0,0,0 -"8144",0,14000,63000,0,63000,500,100,14500,14100,77100,83300,48,37986,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8145",0,1500,45000,21500,23500,1200,-2700,2700,-1200,22300,28250,34,40062,3,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2700,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8146",0,7700,0,0,0,15700,11700,23400,19400,19400,21069,31,26100,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,11700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8147",17100,0,60000,39000,21000,17200,17200,34300,34300,55300,55300,36,36876,4,16,0,1,0,0,1,1,0,1,0,0,0,1,4,4,0.3524857,34300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8148",0,0,0,0,0,400,-7100,400,-7100,-7100,-4100,38,35157,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.2951996,-7100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8149",0,0,85000,60000,25000,100,-200,100,-200,24800,24850,43,24378,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8150",0,0,0,0,0,2800,-21548,2800,-21548,-21548,-21548,27,39981,2,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-21548,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8151",0,32000,0,0,0,2600,-7000,34600,25000,25000,28433,44,74850,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.5906146,-7000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8152",0,21000,250000,110000,140000,3350,-200,24350,20800,160800,164800,40,63678,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8153",0,60000,120000,42000,78000,30650,30090,90650,90090,168090,178090,48,70263,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,30090,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8154",0,587,0,0,0,0,-1091,587,-504,-504,4921,38,28056,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-1091,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8155",11500,8000,85000,62000,23000,6931,5931,26431,25431,48431,51431,34,65907,3,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17431,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8156",4000,8000,200000,39000,161000,1499,309,13499,12309,173309,174709,51,37770,7,11,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,4309,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8157",0,0,0,0,0,37025,35025,37025,35025,35025,39025,32,73500,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,35025,0,0,0,0,0,0,1,0,0,1,0,0,0 -"8158",0,2171,0,0,0,700,-4800,2871,-2629,-2629,746,28,26010,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-4800,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8159",0,0,0,0,0,0,0,0,0,0,0,48,54570,3,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5000061,0,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8160",0,20000,45000,33000,12000,0,0,20000,20000,32000,32400,41,12291,5,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8161",0,0,0,0,0,0,-19000,0,-19000,-19000,-19000,26,22695,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-19000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8162",0,1000,0,0,0,1050,-1950,2050,-950,-950,10646,32,16848,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-1950,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8163",50763,17000,0,0,0,4999,4999,72762,72762,72762,122762,52,82278,4,15,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.4696543,55762,0,0,0,0,0,0,0,1,0,0,0,1,0 -"8164",2250,6240,75000,0,75000,47800,47800,56290,56290,131290,131290,56,24843,4,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,50050,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8165",2000,5000,115000,70000,45000,80000,78000,87000,85000,130000,137675,34,48270,2,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,80000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8166",0,0,75000,63000,12000,500,-9500,500,-9500,2500,11500,34,51960,2,13,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,-9500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8167",0,26000,75000,0,75000,41999,37779,67999,63779,138779,138779,33,77760,2,14,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,37779,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8168",4000,175,56000,40000,16000,1100,-3900,5275,275,16275,21275,33,45624,5,12,0,1,1,0,1,1,1,1,0,1,0,0,5,2,0.4624346,100,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8169",0,0,13600,0,13600,900,-5100,900,-5100,8500,9795,50,14544,1,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,-5100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8170",0,0,4000,0,4000,610,-790,610,-790,3210,3210,53,28041,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,-790,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8171",0,32000,80000,77500,2500,186,-24114,32186,7886,10386,12236,34,45528,3,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,-24114,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8172",4500,80000,0,0,0,22000,21650,106500,106150,106150,110350,25,25275,1,16,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2029813,26150,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8173",0,22000,108000,107000,1000,25000,23500,47000,45500,46500,50144,33,46035,1,18,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,23500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8174",0,0,38800,38800,0,485,-3015,485,-3015,-3015,916,33,23730,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-3015,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8175",0,51200,275000,148000,127000,1400,-10100,52600,41100,168100,168100,59,73116,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-10100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8176",0,0,0,0,0,1000,1000,1000,1000,1000,9000,36,45168,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,1000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8177",5500,6000,95000,73000,22000,500,-5500,12000,6000,28000,28000,33,39996,2,17,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8178",6800,6000,134000,134000,0,3750,1750,16550,14550,14550,14550,27,62895,2,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,8550,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8179",0,7000,130000,20000,110000,1385,-1665,8385,5335,115335,116437,54,31098,2,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1665,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8180",0,650,50000,45000,5000,549,549,1199,1199,6199,7699,26,14523,2,13,1,1,0,0,1,1,1,0,0,0,1,0,2,3,0.3623197,549,1,0,1,0,0,0,0,0,1,0,0,0,0 -"8181",0,3500,150000,122000,28000,1240,-4760,4740,-1260,26740,26740,46,50157,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-4760,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8182",0,16631,160000,67500,92500,9549,9499,26180,26130,118630,119930,38,94614,2,13,1,1,1,1,1,1,1,0,0,0,1,0,7,3,0.6849159,9499,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8183",0,4000,95000,65500,29500,1696,1696,5696,5696,35196,56196,56,101190,3,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,1696,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8184",0,3600,0,0,0,725,725,4325,4325,4325,6825,32,22872,1,15,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,725,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8185",2500,171,46000,30000,16000,40300,40000,42971,42671,58671,105671,35,31950,4,16,1,1,0,1,1,1,1,1,0,0,0,1,4,4,0.5449064,42500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8186",8000,70000,300000,150000,150000,20000,19300,98000,97300,247300,327300,47,116001,3,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,27300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8187",0,1000,0,0,0,499,-9501,1499,-8501,-8501,-8501,39,8040,3,14,1,0,0,0,1,1,1,0,0,0,1,0,1,3,0.3021799,-9501,0,1,0,0,0,0,0,0,0,0,1,0,0 -"8188",0,0,25000,15000,10000,0,0,0,0,10000,12625,53,13497,2,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8189",12000,10000,168000,85000,83000,16000,10000,38000,32000,115000,128179,29,56844,1,1,1,0,1,0,1,1,1,1,1,0,0,0,6,1,0.7856908,22000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8190",5000,18000,95000,40000,55000,4700,-1500,27700,21500,76500,113050,59,40590,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,3500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8191",0,10000,0,0,0,0,0,10000,10000,10000,10000,43,15300,1,11,0,0,1,0,1,1,1,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8192",7000,30000,129000,0,129000,16000,15550,53000,52550,181550,230411,56,39405,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,22550,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8193",0,47000,150000,0,150000,20285,17785,67285,64785,214785,214785,50,58572,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,17785,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8194",0,0,30000,25000,5000,3368,2930,3368,2930,7930,27430,38,40290,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,2930,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8195",7000,5000,70000,69850,150,498,-3027,12498,8973,9123,16123,29,55830,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,3973,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8196",0,0,100000,0,100000,141900,141125,141900,141125,241125,244025,46,35304,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,141125,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8197",0,80000,85000,66000,19000,12000,11500,92000,91500,110500,168500,38,39291,2,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,11500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8198",0,0,35000,20000,15000,200,-600,200,-600,14400,14400,42,18726,4,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-600,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8199",0,7000,90000,0,90000,1500,500,8500,7500,97500,172500,51,27132,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,500,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8200",0,10000,65000,60000,5000,499,-7001,10499,2999,7999,13960,35,21630,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-7001,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8201",0,1700,41000,34000,7000,3275,1050,4975,2750,9750,9750,37,50070,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1050,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8202",0,6000,70000,0,70000,1700,-300,7700,5700,75700,75700,32,36600,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8203",0,0,95000,65500,29500,16299,14299,16299,14299,43799,43799,48,41565,2,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,14299,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8204",0,2400,90000,40000,50000,47010,37010,49410,39410,89410,99410,36,38136,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,37010,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8205",9000,0,110000,96000,14000,11000,3500,20000,12500,26500,36625,37,50619,1,17,1,0,1,0,1,1,0,1,0,0,0,1,6,4,0.7856908,12500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8206",0,1600,52000,33000,19000,17400,17400,19000,19000,38000,50000,28,42513,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,17400,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8207",0,0,20000,0,20000,75,-3775,75,-3775,16225,25125,50,22350,6,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-3775,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8208",0,4000,86000,41000,45000,249,-6751,4249,-2751,42249,42249,50,41715,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-6751,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8209",0,0,0,0,0,450,250,450,250,250,2950,56,16440,1,12,0,0,1,0,1,1,0,0,0,1,0,0,2,2,0.1152104,250,0,0,1,0,0,0,0,0,0,0,0,0,1 -"8210",0,100,0,0,0,3009,2209,3109,2309,2309,5659,26,15228,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2209,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8211",0,13000,55000,55000,0,3099,1099,16099,14099,14099,22099,36,53670,3,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1099,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8212",0,2000,0,0,0,3565,2615,5565,4615,4615,12915,34,28293,4,13,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,2615,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8213",0,171,0,0,0,400,400,571,571,571,571,31,28359,3,13,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.4366938,400,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8214",5000,7000,157000,8000,149000,34000,33000,46000,45000,194000,197350,43,32100,1,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,38000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8215",0,0,67700,61500,6200,5300,2300,5300,2300,8500,9875,32,27405,2,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,2300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8216",0,1400,80000,75500,4500,5000,4500,6400,5900,10400,56400,44,37530,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,4500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8217",0,2000,50000,43000,7000,40,-13010,2040,-11010,-4010,-4010,25,34200,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-13010,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8218",0,0,75000,27500,47500,3220,3220,3220,3220,50720,56720,46,48528,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,3220,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8219",0,0,80000,28000,52000,1484,1072,1484,1072,53072,53072,60,39675,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1072,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8220",0,0,125000,48000,77000,43297,41297,43297,41297,118297,118297,47,66405,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,41297,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8221",0,3000,0,0,0,2800,2750,5800,5750,5750,8750,42,16467,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,2750,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8222",0,0,117000,102000,15000,300,-700,300,-700,14300,18300,37,26526,3,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8223",0,5000,80000,54000,26000,40,-9960,5040,-4960,21040,21040,58,14670,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-9960,1,0,1,0,0,0,0,0,0,0,0,0,1 -"8224",27000,14300,145000,118000,27000,24300,14500,65600,55800,82800,93933,30,78174,3,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,41500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8225",0,38328,40000,39000,1000,6000,3500,44328,41828,42828,53828,41,48612,4,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,3500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8226",0,1000,0,0,0,3000,-11000,4000,-10000,-10000,-5000,31,42510,2,18,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.5995759,-11000,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8227",0,0,70000,30000,40000,220,-180,220,-180,39820,39820,51,30780,5,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-180,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8228",528,35000,0,0,0,31200,30772,66728,66300,66300,67643,42,43032,1,13,0,0,0,0,1,1,1,1,0,0,1,0,5,3,0.3249403,31300,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8229",2000,33000,0,0,0,7498,7498,42498,42498,42498,46723,49,32838,1,13,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6739899,9498,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8230",0,0,60000,55000,5000,17500,17500,17500,17500,22500,22500,46,36120,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,17500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8231",8577,7200,70000,0,70000,41250,40450,57027,56227,126227,138227,56,61524,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,49027,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8232",17000,4000,80000,42000,38000,30511,30011,51511,51011,89011,104911,55,74688,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,47011,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8233",0,0,170000,130000,40000,9599,5099,9599,5099,45099,55209,33,110250,3,16,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,5099,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8234",0,900,54000,47200,6800,101,-4599,1001,-3699,3101,15101,36,24267,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-4599,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8235",6400,0,75000,20000,55000,12050,12050,18450,18450,73450,73450,46,70815,4,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,18450,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8236",0,20000,58000,45000,13000,7999,5999,27999,25999,38999,41499,53,30765,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,5999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8237",0,4114,149476,149476,0,730,-21745,4844,-17631,-17631,-14331,38,74457,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-21745,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8238",0,8000,63000,48500,14500,50,-12950,8050,-4950,9550,12160,44,18939,2,1,1,0,0,0,1,1,1,0,1,0,0,0,2,1,0.4041266,-12950,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8239",0,0,17000,17000,0,200,-3300,200,-3300,-3300,-1459,32,24564,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-3300,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8240",11250,24750,300000,100000,200000,36000,33000,72000,69000,269000,277000,51,107640,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,44250,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8241",6430,20000,65000,41000,24000,1650,1650,28080,28080,52080,69680,61,48900,1,12,1,0,0,0,1,1,1,1,0,1,0,0,5,2,0.650903,8080,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8242",0,1500,75000,0,75000,12275,8775,13775,10275,85275,85275,33,61029,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,8775,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8243",0,2400,0,0,0,400,-1100,2800,1300,1300,2100,37,25245,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-1100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8244",0,0,82000,74500,7500,7450,4450,7450,4450,11950,11950,39,48054,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,4450,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8245",20000,13500,130000,22000,108000,3949,3549,37449,37049,145049,157049,46,44154,3,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,23549,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8246",0,30000,19000,2000,17000,340,340,30340,30340,47340,51190,41,26316,3,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,340,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8247",6650,0,0,0,0,156114,155914,162764,162564,162564,181028,54,45963,1,18,1,0,1,0,1,1,0,1,0,0,0,1,5,4,0.6430668,162564,0,0,0,0,0,1,0,0,0,0,0,1,0 -"8248",0,0,120000,92000,28000,14499,9799,14499,9799,37799,37799,44,42090,3,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,9799,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8249",53300,18000,280000,0,280000,330000,330000,401300,401300,681300,681300,43,58236,5,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,383300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8250",0,1000,0,0,0,16382,15782,17382,16782,16782,19782,28,29754,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,15782,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8251",0,6000,125000,90000,35000,7500,5200,13500,11200,46200,55600,34,86700,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,5200,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8252",0,4300,0,0,0,30,-4470,4330,-170,-170,130,27,14400,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-4470,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8253",0,2500,63000,49250,13750,2000,-2800,4500,-300,13450,19450,30,39636,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8254",9000,8000,100000,100000,0,399,399,17399,17399,17399,22399,46,39894,3,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,9399,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8255",0,1200,50000,45000,5000,5499,4499,6699,5699,10699,14099,56,20220,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,4499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8256",0,0,0,0,0,115,115,115,115,115,10213,32,17520,5,14,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1283302,115,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8257",0,6800,69000,54900,14100,700,-35900,7500,-29100,-15000,-15000,48,28713,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-35900,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8258",0,0,0,0,0,2000,-12000,2000,-12000,-12000,-12000,27,29301,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.4366938,-12000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8259",0,80000,90000,0,90000,125600,125385,205600,205385,295385,295385,54,73890,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,125385,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8260",0,0,0,0,0,50000,49370,50000,49370,49370,125520,43,33636,2,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,49370,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8261",0,10000,53000,51500,1500,4810,2340,14810,12340,13840,15340,27,17628,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,2340,1,0,1,0,0,0,0,0,1,0,0,0,0 -"8262",26000,12000,50000,0,50000,43500,43500,81500,81500,131500,131500,61,51288,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,69500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8263",43046,45000,90000,12900,77100,26377,26289,114423,114335,191435,191435,55,40710,2,9,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,69335,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8264",25267,2000,170000,75000,95000,54885,54885,82152,82152,177152,177152,37,83274,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,80152,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8265",11400,45000,290000,121000,169000,15203,5557,71603,61957,230957,681957,62,110646,2,16,1,1,0,0,1,1,1,1,0,0,0,1,7,4,0.7316045,16957,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8266",0,1500,125000,0,125000,2100,1900,3600,3400,128400,128400,37,40362,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1900,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8267",0,1200,100000,93000,7000,2800,-3200,4000,-2000,5000,5000,52,100041,4,16,0,1,0,0,1,1,1,0,0,0,0,1,7,4,0.5679367,-3200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8268",0,2500,0,0,0,5,-3795,2505,-1295,-1295,7705,39,64092,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,-3795,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8269",1000,900,115000,0,115000,48049,48049,49949,49949,164949,165949,56,23319,5,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,49049,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8270",8138,0,250000,96000,154000,8400,6400,16538,14538,168538,234538,48,115527,3,15,1,1,0,1,1,1,0,1,0,0,1,0,7,3,0.7316045,14538,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8271",0,0,250000,150000,100000,17000,1000,17000,1000,101000,101000,38,99789,4,15,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,1000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8272",5000,14150,140000,102000,38000,12000,10500,31150,29650,67650,67650,33,71250,4,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,15500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8273",0,1000,49000,0,49000,0,0,1000,1000,50000,55943,41,27540,6,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8274",4000,21000,0,0,0,2500,2500,27500,27500,27500,48612,36,9315,1,18,0,0,1,0,1,1,1,1,0,0,0,1,1,4,0.1173758,6500,0,1,0,0,0,0,0,0,0,0,1,0,0 -"8275",0,11500,40000,31500,8500,2020,-4980,13520,6520,15020,15020,52,38460,3,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-4980,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8276",8000,80000,290000,0,290000,65800,64500,153800,152500,442500,443000,63,76104,2,18,0,0,0,0,1,1,1,1,0,0,0,1,7,4,0.4373496,72500,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8277",0,6600,40000,37800,2200,6000,1500,12600,8100,10300,10300,30,55908,2,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,1500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8278",0,7000,0,0,0,650,-535,7650,6465,6465,11165,39,21888,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-535,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8279",0,83,30000,25500,4500,179,-11,262,72,4572,15372,31,33258,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-11,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8280",0,0,65000,60000,5000,4300,-2700,4300,-2700,2300,3300,36,48615,4,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,-2700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8281",0,1000,0,0,0,0,0,1000,1000,1000,5800,44,11880,5,10,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8282",18500,1500,130000,0,130000,23355,22155,43355,42155,172155,176655,49,65583,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,40655,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8283",0,0,0,0,0,10080,10080,10080,10080,10080,210080,59,13140,4,4,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,10080,0,0,1,0,0,0,0,0,0,0,0,0,1 -"8284",0,59000,0,0,0,650,150,59650,59150,59150,59988,57,25392,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,150,0,0,0,1,0,0,0,0,0,0,0,0,1 -"8285",18000,45000,130000,28000,102000,63000,63000,126000,126000,228000,231000,56,67092,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,81000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8286",0,10000,0,0,0,50,50,10050,10050,10050,10750,43,32433,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,50,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8287",0,0,120000,117500,2500,2059,1972,2059,1972,4472,12972,26,59139,2,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,1972,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8288",0,50,80000,62000,18000,13371,13371,53421,53421,71421,76408,36,42834,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,13371,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8289",0,0,145000,110000,35000,999,399,999,399,35399,52399,36,64971,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,399,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8290",18200,58000,238000,150000,88000,163000,163000,239200,239200,327200,640700,40,75297,5,18,0,1,1,0,1,1,1,1,0,0,0,1,7,4,0.5801663,181200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8291",0,450,40000,1600,38400,140,-6910,590,-6460,31940,31940,40,34425,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-6910,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8292",0,20000,0,0,0,1750,1750,21750,21750,21750,25100,62,19206,2,15,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,1750,0,0,1,0,0,0,0,0,0,0,0,0,1 -"8293",0,0,110000,10000,100000,420,-7180,420,-7180,92820,94320,55,38964,2,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,-7180,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8294",0,0,75000,0,75000,0,-337,0,-337,74663,74663,51,25434,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,-337,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8295",0,0,0,0,0,10004,10004,10004,10004,10004,10004,57,23400,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,10004,0,0,0,1,0,0,0,0,0,0,0,0,1 -"8296",0,0,32000,31500,500,2249,2249,2249,2249,2749,9749,38,40425,4,14,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,2249,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8297",4411,1300,165000,12000,153000,599,99,6310,5810,158810,161570,51,59904,4,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,4510,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8298",15000,30000,250000,150000,100000,78000,69000,123000,114000,214000,214000,48,103650,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,84000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8299",11000,6000,0,0,0,17249,16749,34249,33749,33749,33749,29,43605,2,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,27749,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8300",0,750,75000,69000,6000,2000,2000,2750,2750,8750,8750,30,30120,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,2000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8301",12200,2000,0,0,0,13475,5175,27675,19375,19375,27275,44,108795,3,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.4696543,17375,0,0,0,0,0,0,0,1,0,0,1,0,0 -"8302",0,0,0,0,0,100,-1900,100,-1900,-1900,-1900,36,18768,3,14,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-1900,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8303",0,37000,140000,15400,124600,7775,6975,44775,43975,168575,183575,43,47094,4,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,6975,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8304",0,22000,0,0,0,0,-150,22000,21850,21850,21850,46,14700,4,11,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1283302,-150,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8305",0,10000,98000,80000,18000,1225,475,11225,10475,28475,36850,30,42780,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,475,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8306",18000,7000,110000,39100,70900,100,-10880,25100,14120,85020,97020,56,74385,3,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,7120,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8307",0,50000,235000,60000,175000,500,500,50500,50500,225500,225500,47,78000,5,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8308",0,0,100000,49000,51000,1000,-250,1000,-250,50750,65750,43,31209,2,10,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-250,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8309",0,300,0,0,0,100,-3900,400,-3600,-3600,-3600,34,16803,1,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-3900,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8310",1000,0,105000,0,105000,5200,4800,6200,5800,110800,115450,44,31833,2,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6174901,5800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8311",0,0,0,0,0,107,-9893,107,-9893,-9893,-9893,41,39162,1,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-9893,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8312",5500,20000,180000,150000,30000,28500,28150,54000,53650,83650,88775,43,64659,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,33650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8313",0,4500,257600,80000,177600,298094,298094,302594,302594,480194,604294,49,77424,2,18,0,1,1,0,1,1,1,0,0,0,0,1,7,4,0.5679367,298094,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8314",1000,6000,65000,31000,34000,1150,-11569,8150,-4569,29431,31231,42,51252,5,17,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-10569,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8315",0,0,60000,56000,4000,100,100,100,100,4100,4100,44,30105,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8316",2500,1300,0,0,0,3000,3000,6800,6800,6800,12525,31,90996,1,18,0,0,0,0,1,1,1,1,0,0,0,1,7,4,0.3313638,5500,0,0,0,0,0,0,0,1,0,1,0,0,0 -"8317",62866,11800,175000,140000,35000,39146,38378,113812,113044,148044,183244,48,88134,4,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,101244,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8318",0,0,0,0,0,43,43,43,43,43,43,46,38061,1,13,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3086649,43,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8319",0,4000,32000,32000,0,1450,1450,5450,5450,5450,11450,34,41130,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8320",0,2243,0,0,0,520,5,2763,2248,2248,2248,38,45729,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,5,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8321",0,2500,38000,37000,1000,825,625,3325,3125,4125,24571,44,22830,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,625,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8322",2213,15048,60000,600,59400,2691,2691,19952,19952,79352,79352,60,35202,3,12,1,1,0,0,1,1,1,1,0,1,0,0,4,2,0.5449064,4904,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8323",8500,0,90000,29000,61000,549,-1901,9049,6599,67599,67599,53,51018,3,14,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,6599,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8324",0,13300,6000,0,6000,1000,-100,14300,13200,19200,23666,27,15600,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-100,1,0,1,0,0,0,0,0,1,0,0,0,0 -"8325",0,32500,115000,45000,70000,16009,15009,48509,47509,117509,124009,43,50250,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,15009,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8326",0,6000,48000,25000,23000,6200,5055,12200,11055,34055,36080,48,21420,3,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,5055,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8327",0,0,0,0,0,7699,6899,7699,6899,6899,7399,56,34350,1,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,6899,0,0,0,0,1,0,0,0,0,0,0,0,1 -"8328",50000,3500,0,0,0,205698,205698,259198,259198,259198,283773,39,100287,1,18,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4935519,255698,0,0,0,0,0,0,0,1,0,0,1,0,0 -"8329",16500,0,150000,50000,100000,570,-3130,17070,13370,113370,127970,30,55242,3,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,13370,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8330",0,200,85000,3000,82000,499,-9501,699,-9301,72699,82699,39,38511,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-9501,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8331",0,52000,300000,74400,225600,13480,13480,65480,65480,291080,291080,42,75948,2,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,13480,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8332",0,280,0,0,0,5500,5500,5780,5780,5780,5780,36,44130,1,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.3055234,5500,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8333",0,6000,110000,96000,14000,100,-7900,6100,-1900,12100,14612,39,31950,5,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-7900,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8334",0,1500,185000,150000,35000,4650,-3850,6150,-2350,32650,35775,30,46416,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,-3850,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8335",0,500,65000,60600,4400,4500,4000,5000,4500,8900,8900,32,36408,2,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,4000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8336",16000,65000,70000,0,70000,110800,110800,191800,191800,261800,272000,46,51840,2,14,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.7856908,126800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8337",0,80000,100000,76000,24000,9200,7200,89200,87200,111200,111200,33,54954,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,7200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8338",0,0,64000,62500,1500,5521,5521,5521,5521,7021,8521,45,51645,2,17,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.7472324,5521,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8339",0,2400,120000,71000,49000,11000,10500,13400,12900,61900,77300,46,88980,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,10500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8340",0,0,42000,25000,17000,2875,2075,2875,2075,19075,48000,38,27684,3,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,2075,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8341",71763,47000,100000,61000,39000,68508,68508,187271,187271,226271,256547,60,94758,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,140271,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8342",0,1500,210000,110000,100000,40000,38800,41500,40300,140300,147300,38,49284,2,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,38800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8343",231,285,0,0,0,365,365,881,881,881,2547,26,29655,2,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2029813,596,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8344",2300,15300,180000,122000,58000,2100,-7900,19700,9700,67700,77700,39,46029,2,10,0,1,0,1,1,1,1,1,1,0,0,0,5,1,0.4624346,-5600,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8345",46956,5593,126500,88000,38500,88337,87848,140886,140397,178897,218783,48,85158,2,15,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,134804,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8346",0,59000,21000,21000,0,14570,13970,73570,72970,72970,79070,63,37374,2,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,13970,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8347",0,21000,141000,69000,72000,1600,-4400,22600,16600,88600,106600,29,51051,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-4400,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8348",0,3000,0,0,0,500,-3100,3500,-100,-100,8450,30,21588,1,13,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-3100,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8349",28000,0,152000,17500,134500,374136,373936,402136,401936,536436,636436,54,69318,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,401936,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8350",0,0,0,0,0,0,0,0,0,0,0,25,28050,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8351",0,0,100000,0,100000,7499,4449,7499,4449,104449,114949,58,42642,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,4449,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8352",0,1900,65000,49000,16000,7600,7488,9500,9388,25388,30388,26,39582,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,7488,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8353",20200,0,150000,41000,109000,6498,1798,26698,21998,130998,144998,43,72030,2,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,21998,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8354",6000,0,1500,0,1500,6750,6750,12750,12750,14250,16750,37,9960,1,12,0,0,1,0,1,1,0,1,0,1,0,0,1,2,0.1431995,12750,1,1,0,0,0,0,0,0,0,0,1,0,0 -"8355",25000,50000,85000,0,85000,10000,7900,85000,82900,167900,237900,64,25704,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,32900,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8356",13728,80000,100000,60000,40000,36510,36510,130238,130238,170238,174638,43,101856,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,50238,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8357",0,3900,40000,15000,25000,510,-490,4410,3410,28410,40710,37,24486,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-490,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8358",0,7000,90000,0,90000,6000,-27000,13000,-20000,70000,71050,59,53172,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,-27000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8359",0,18000,200000,0,200000,487,487,18487,18487,218487,224987,28,57441,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,487,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8360",24000,0,90000,72500,17500,72200,72200,96200,96200,113700,181400,39,62763,2,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,96200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8361",8000,3000,100000,70000,30000,4000,3500,15000,14500,44500,64428,39,21576,1,18,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,11500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8362",0,0,45000,0,45000,8799,4799,8799,4799,49799,49799,62,30558,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,4799,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8363",0,2000,95000,71000,24000,10810,10510,12810,12510,36510,52510,38,31800,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,10510,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8364",18983,20000,150000,26500,123500,500,-2000,39483,36983,160483,160483,54,73311,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,16983,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8365",1000,0,80000,23000,57000,5200,3900,6200,4900,61900,61900,50,38595,4,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,4900,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8366",0,1200,145000,0,145000,302,202,1502,1402,146402,146527,59,22455,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,202,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8367",0,0,300000,30500,269500,318,-3682,318,-3682,265818,267318,40,45546,4,18,0,1,0,0,1,1,0,0,0,0,0,1,5,4,0.4407951,-3682,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8368",57000,3276,165000,32000,133000,130600,129750,190876,190026,323026,393026,41,88992,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,186750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8369",0,1000,120000,53000,67000,4525,3025,5525,4025,71025,71025,41,41550,5,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.4407951,3025,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8370",30000,10000,35000,0,35000,12025,12025,52025,52025,87025,97025,41,43992,3,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,42025,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8371",10700,6000,200000,0,200000,1999,1999,18699,18699,218699,218699,55,34770,5,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,12699,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8372",0,0,47900,29000,18900,380,-50,380,-50,18850,19850,52,14805,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-50,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8373",0,0,130000,70000,60000,14149,-1851,14149,-1851,58149,61774,45,135024,4,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,-1851,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8374",0,32000,180000,136000,44000,30249,26249,62249,58249,102249,113249,27,45963,2,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,26249,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8375",0,8000,58000,52000,6000,890,-15610,8890,-7610,-1610,14890,29,43521,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-15610,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8376",12000,32000,200000,110000,90000,17800,17800,61800,61800,151800,421800,40,102762,2,6,1,1,0,1,1,1,1,1,1,0,0,0,7,1,0.7316045,29800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8377",0,500,80000,76900,3100,2700,2700,3200,3200,6300,8625,33,30000,1,17,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3866406,2700,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8378",4000,0,85000,58000,27000,1000,-5000,5000,-1000,26000,30000,34,18966,5,12,0,1,0,0,1,1,0,1,0,1,0,0,2,2,0.1464927,-1000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8379",0,900,0,0,0,2500,-8500,3400,-7600,-7600,-7600,28,28764,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-8500,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8380",0,0,70000,32000,38000,500,500,500,500,38500,41850,56,11490,2,13,0,0,0,0,1,1,0,0,0,0,1,0,2,3,0.143074,500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"8381",0,3600,160000,149310,10690,2099,-2401,5699,1199,11889,11889,28,54993,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-2401,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8382",200,10000,100000,30000,70000,3700,1700,13900,11900,81900,93204,42,26718,1,18,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2658667,1900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8383",0,4000,0,0,0,6864,4814,10864,8814,8814,15339,25,36531,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,4814,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8384",0,400,0,0,0,10414,9214,10814,9614,9614,59614,43,45384,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,9214,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8385",16000,6875,56000,0,56000,30000,29600,52875,52475,108475,108475,51,31650,1,17,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.3669286,45600,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8386",0,7000,0,0,0,0,0,7000,7000,7000,7000,52,29100,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8387",0,3000,0,0,0,3000,3000,6000,6000,6000,6000,37,18030,1,12,1,1,1,0,1,1,1,0,0,1,0,0,2,2,0.3791962,3000,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8388",0,963,0,0,0,1000,-1000,2003,3,3,6028,28,21765,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1000,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8389",0,0,0,0,0,0,0,0,0,0,500,36,12240,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8390",0,700,43865,43865,0,9296,4996,9996,5696,5696,11071,33,36963,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,4996,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8391",0,5000,40000,7000,33000,700,-5300,5700,-300,32700,32700,56,30294,6,11,0,0,0,0,1,1,1,0,1,0,0,0,4,1,0.3866406,-5300,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8392",0,10000,45000,25000,20000,1500,1500,11500,11500,31500,32500,31,20460,2,11,0,0,0,0,1,1,1,0,1,0,0,0,3,1,0.2694195,1500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8393",0,68,16000,0,16000,300,-6200,368,-6132,9868,13868,50,21792,3,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,-6200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8394",0,0,0,0,0,350,-2650,350,-2650,-2650,-2650,28,20529,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-2650,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8395",2000,0,0,0,0,26472,17472,28472,19472,19472,24800,35,30147,2,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.277538,19472,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8396",0,52000,90000,64900,25100,3515,15,55515,52015,77115,81315,39,27954,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,15,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8397",0,0,20000,20000,0,450,-50,450,-50,-50,-50,41,41415,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-50,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8398",0,28000,75500,75500,0,550,-8450,28550,19550,19550,19550,42,91383,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-8450,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8399",0,0,15500,5800,9700,610,-3364,610,-3364,6336,8186,48,22950,3,11,1,0,0,0,1,1,0,0,1,0,0,0,3,1,0.491887,-3364,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8400",14000,12200,115000,95000,20000,8000,6000,34200,32200,52200,69200,30,85386,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,20000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8401",1500,65000,40000,0,40000,7500,6800,74000,73300,113300,120800,47,55107,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,8300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8402",0,4304,48000,40000,8000,1798,1248,6102,5552,13552,19752,45,41100,2,15,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1248,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8403",18000,1500,75000,30000,45000,4999,4999,24499,24499,69499,74299,37,29400,3,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,22999,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8404",0,0,0,0,0,0,0,0,0,0,1000,28,15888,1,14,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8405",0,5000,109000,49800,59200,20,-1980,5020,3020,62220,62220,43,24630,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-1980,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8406",0,6000,125000,70000,55000,47500,46300,53500,52300,107300,113300,36,68772,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,46300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8407",0,14000,32000,19000,13000,6720,6570,20720,20570,33570,34070,43,13065,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,6570,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8408",0,0,56000,37000,19000,1625,-1375,1625,-1375,17625,20975,39,21558,1,15,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2694195,-1375,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8409",2900,1750,150000,125000,25000,2900,-5200,7550,-550,24450,56200,48,89376,6,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,-2300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8410",0,60,50000,47000,3000,0,0,60,60,3060,6260,38,37200,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8411",6050,15530,75000,61000,14000,500,-4500,22080,17080,31080,41080,32,77430,4,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,1550,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8412",16860,0,125000,65000,60000,10017,10017,26877,26877,86877,86877,49,56877,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,26877,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8413",0,0,60000,0,60000,500,50,500,50,60050,60050,59,30000,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,50,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8414",11000,600,240000,138000,102000,7500,6900,24100,23500,125500,125500,41,91902,5,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,17900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8415",30000,12000,220000,138000,82000,4250,2250,46250,44250,126250,126250,44,90747,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,32250,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8416",0,0,70000,42500,27500,28000,28000,28000,28000,55500,71500,36,67800,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,28000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8417",0,0,0,0,0,2100,2100,2100,2100,2100,3092,26,16203,1,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,2100,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8418",0,40000,65000,0,65000,2350,2150,42350,42150,107150,109750,61,16092,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2150,1,0,1,0,0,0,0,0,0,0,0,0,1 -"8419",0,1600,130000,110000,20000,3700,1000,5300,2600,22600,32600,36,72900,3,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8420",10000,51000,150000,0,150000,999,999,61999,61999,211999,216474,56,33696,5,15,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,10999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8421",0,35000,198000,130000,68000,2300,1300,37300,36300,104300,104300,34,59232,3,16,0,0,0,1,1,1,1,0,0,0,0,1,6,4,0.4938007,1300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8422",0,10000,90000,0,90000,26199,26199,36199,36199,126199,126199,45,67320,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,26199,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8423",0,70000,140000,10700,129300,7300,-32350,77300,37650,166950,170950,50,52836,2,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-32350,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8424",45300,24000,0,0,0,650,-12950,69950,56350,56350,56975,40,35298,1,14,1,0,1,0,1,1,1,1,0,0,1,0,4,3,0.6739899,32350,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8425",8000,5000,85000,80000,5000,5000,-7000,18000,6000,11000,86000,38,44604,2,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8426",20000,12000,14000,14000,0,6499,5699,38499,37699,37699,37699,50,69870,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,25699,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8427",46067,8000,150000,0,150000,20839,13539,74906,67606,217606,219606,58,95340,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,59606,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8428",0,0,130000,45000,85000,1499,1499,1499,1499,86499,119499,44,32910,5,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1499,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8429",10000,30000,175000,140000,35000,68362,68221,108362,108221,143221,143221,42,9408,6,12,0,1,0,0,1,1,1,1,0,1,0,0,1,2,0.2088342,78221,1,1,0,0,0,0,0,0,0,0,1,0,0 -"8430",0,0,105000,90000,15000,1698,-802,1698,-802,14198,16579,41,35772,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-802,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8431",0,13000,0,0,0,300,300,13300,13300,13300,14200,34,19254,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,300,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8432",0,3000,0,0,0,120,-4050,3120,-1050,-1050,3000,31,31434,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-4050,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8433",0,0,105000,68000,37000,2160,-8440,2160,-8440,28560,29060,31,20853,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-8440,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8434",0,0,14000,0,14000,24528,6478,24528,6478,20478,41478,57,32913,2,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,6478,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8435",0,6480,116000,50000,66000,300,-500,6780,5980,71980,74480,27,31893,3,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8436",0,350,0,0,0,999,999,1349,1349,1349,8402,26,30060,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,999,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8437",0,0,0,0,0,1400,-600,1400,-600,-600,15700,53,61407,4,16,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-600,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8438",0,7000,0,0,0,377,-4623,7377,2377,2377,2377,49,12864,4,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-4623,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8439",2000,200,0,0,0,12400,10200,14600,12400,12400,15233,40,55035,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.6386597,12200,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8440",0,80000,150000,137000,13000,3150,-5550,83150,74450,87450,90800,37,32343,1,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-5550,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8441",2300,1000,95000,58000,37000,17600,10700,20900,14000,51000,51249,36,104661,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8442",0,6000,0,0,0,5623,4423,11623,10423,10423,10923,45,39060,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,4423,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8443",0,5690,140000,112000,28000,7600,7400,13290,13090,41090,50090,35,48900,3,14,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,7400,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8444",0,1000,0,0,0,0,-27180,1000,-26180,-26180,-26180,33,3780,4,16,0,1,0,0,1,1,1,0,0,0,0,1,1,4,0.0486785,-27180,0,1,0,0,0,0,0,0,0,1,0,0,0 -"8445",0,80000,145000,90000,55000,17400,14400,97400,94400,149400,159400,55,51000,3,14,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,14400,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8446",0,0,80000,0,80000,1000,1000,1000,1000,81000,81000,60,32640,2,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8447",0,171,0,0,0,249,-2751,420,-2580,-2580,270,28,10455,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2751,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8448",0,2300,0,0,0,0,0,2300,2300,2300,9898,45,13770,8,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8449",14000,20000,145000,65000,80000,18500,17000,52500,51000,131000,131000,46,80700,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,31000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8450",0,0,38000,31000,7000,400,-3120,400,-3120,3880,11380,31,43950,4,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-3120,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8451",16000,72000,125000,20000,105000,35639,35639,123639,123639,228639,237100,43,29466,2,18,0,0,1,0,1,1,1,1,0,0,0,1,3,4,0.2658667,51639,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8452",0,253,50000,0,50000,1700,1700,1953,1953,51953,51953,45,28539,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1700,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8453",0,0,27000,15000,12000,1050,-2950,1050,-2950,9050,12550,39,37815,1,11,1,0,1,0,1,1,0,0,1,0,0,0,4,1,0.6028074,-2950,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8454",5200,10107,75000,59000,16000,25000,23000,40307,38307,54307,68307,39,44460,2,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,28200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8455",0,0,50000,0,50000,2999,2699,2999,2699,52699,52699,41,37917,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,2699,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8456",0,28000,140000,120000,20000,21500,21500,49500,49500,69500,193500,33,72678,3,17,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,21500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8457",0,0,80000,0,80000,0,-14000,0,-14000,66000,67000,54,25500,1,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2694195,-14000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8458",1000,67400,290000,85000,205000,13619,9619,82019,78019,283019,283019,43,77496,4,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,10619,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8459",20000,0,70000,0,70000,7300,6400,27300,26400,96400,97399,51,61233,3,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,26400,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8460",5317,442,63000,45600,17400,38248,38248,44007,44007,61407,70257,45,66300,4,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,43565,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8461",8200,13000,100000,34000,66000,5350,4600,26550,25800,91800,99724,46,41781,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,12800,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8462",0,0,0,0,0,1400,1400,1400,1400,1400,6100,27,14895,1,17,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4215196,1400,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8463",0,0,10000,0,10000,542,-9358,542,-9358,642,4392,52,32073,5,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-9358,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8464",26048,80000,300000,150000,150000,174255,172255,280303,278303,428303,428303,40,104502,5,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,198303,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8465",60000,8000,85000,0,85000,6000,6000,74000,74000,159000,168000,46,65880,3,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,66000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8466",0,200,0,0,0,225,-1075,425,-875,-875,2975,32,31230,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-1075,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8467",0,2000,62000,44000,18000,2200,-1800,4200,200,18200,29200,35,38940,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,-1800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8468",0,0,46000,0,46000,0,-12000,0,-12000,34000,34000,37,49200,4,18,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-12000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8469",0,10605,82000,82000,0,200,-1300,10805,9305,9305,10505,39,37944,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8470",0,10500,52000,34000,18000,2000,-2500,12500,8000,26000,26200,34,28956,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-2500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8471",0,4786,65000,32000,33000,1699,1519,6485,6305,39305,39305,36,43593,4,15,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,1519,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8472",0,10000,239000,130000,109000,12800,8800,22800,18800,127800,160833,50,72090,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,8800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8473",5000,1800,72000,50000,22000,21960,21960,28760,28760,50760,58360,32,26958,1,16,1,0,0,0,1,1,1,1,0,0,0,1,3,4,0.4720998,26960,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8474",0,14000,69950,59000,10950,15648,9648,29648,23648,34598,49598,35,40092,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,9648,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8475",2300,0,0,0,0,3150,3150,5450,5450,5450,7950,45,45309,1,14,1,0,0,0,1,1,0,1,0,0,1,0,5,3,0.6430668,5450,0,0,0,0,0,1,0,0,0,0,0,1,0 -"8476",0,4000,80000,47000,33000,4099,4099,8099,8099,41099,41099,30,20460,2,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4099,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8477",23000,12000,300000,150000,150000,46700,46700,81700,81700,231700,231700,29,86505,3,18,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,69700,1,0,0,0,0,0,0,1,1,0,0,0,0 -"8478",25000,2400,225000,0,225000,7,7,27407,27407,252407,259370,54,39888,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,25007,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8479",0,5500,0,0,0,4801,3101,10301,8601,8601,9276,34,25965,1,14,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,3101,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8480",0,0,120000,105000,15000,300,-1000,300,-1000,14000,14000,38,28320,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,-1000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8481",0,10000,30000,0,30000,1860,-4140,11860,5860,35860,35860,62,58680,2,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-4140,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8482",0,183,88000,77000,11000,16600,16600,16783,16783,27783,28383,28,56217,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,16600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8483",0,4000,75200,66000,9200,1750,350,5750,4350,13550,17800,30,27753,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2694195,350,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8484",0,10000,98000,78500,19500,5950,-6050,15950,3950,23450,26850,29,77133,2,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-6050,1,0,0,0,0,0,0,1,1,0,0,0,0 -"8485",0,0,65000,39500,25500,1066,-5184,1066,-5184,20316,20316,32,24315,3,16,0,1,0,0,1,1,0,0,0,0,0,1,3,4,0.273178,-5184,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8486",30965,20700,265000,50000,215000,92800,92700,165165,165065,380065,679144,50,125766,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,123665,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8487",0,180,0,0,0,1000,-15900,1180,-15720,-15720,-11759,27,30000,1,18,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-15900,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8488",0,1000,50000,24000,26000,400,400,1400,1400,27400,27400,37,6765,4,14,0,1,0,1,1,1,1,0,0,0,1,0,1,3,0.062312,400,1,1,0,0,0,0,0,0,0,0,1,0,0 -"8489",0,0,0,0,0,259,-741,259,-741,-741,-741,28,39015,2,18,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.2951996,-741,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8490",0,0,5000,2000,3000,450,-550,450,-550,2450,7957,38,24870,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-550,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8491",0,0,300000,150000,150000,350,350,350,350,150350,155025,46,17112,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,350,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8492",0,0,85000,16500,68500,1499,-17501,1499,-17501,50999,50999,46,34770,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-17501,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8493",13000,3000,85000,0,85000,4100,2300,20100,18300,103300,103300,60,38337,5,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,15300,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8494",11000,0,165000,120000,45000,72000,67000,83000,78000,123000,194100,39,57192,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,78000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8495",16000,9000,170000,84500,85500,4538,-2462,29538,22538,108038,117638,48,63438,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,13538,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8496",0,0,60000,0,60000,5800,5300,5800,5300,65300,75200,58,38979,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,5300,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8497",0,14427,0,0,0,1396,-624,15823,13803,13803,15928,44,33471,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,-624,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8498",0,12000,125000,0,125000,432,-388,12432,11612,136612,136612,34,38190,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-388,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8499",0,10000,88000,40000,48000,1690,1290,11690,11290,59290,61290,39,50145,6,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,1290,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8500",0,1057,60000,19368,40632,0,-4200,1057,-3143,37489,39032,36,13824,6,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-4200,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8501",6000,10000,50000,30000,20000,10050,7300,26050,23300,43300,45300,57,46605,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,13300,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8502",0,5574,55000,40000,15000,200,-2300,5774,3274,18274,18274,29,20175,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-2300,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8503",0,0,100000,28500,71500,9000,1600,9000,1600,73100,77543,51,25500,2,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2694195,1600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8504",16666,0,85000,25657,59343,318,-10209,16984,6457,65800,134200,44,88074,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,6457,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8505",0,2300,45000,10000,35000,348,-1887,2648,413,35413,36613,51,40581,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1887,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8506",15000,45000,120000,60000,60000,24000,24000,84000,84000,144000,154000,42,61500,4,15,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,39000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8507",8000,5000,290000,112000,178000,25500,25500,38500,38500,216500,226025,41,67596,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,33500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8508",0,0,0,0,0,0,-7400,0,-7400,-7400,-7400,44,51180,4,17,0,0,0,0,1,1,0,0,0,0,0,1,6,4,0.3169526,-7400,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8509",0,4000,62000,62000,0,4009,3609,8009,7609,7609,17609,41,50610,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,3609,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8510",1300,17000,50000,0,50000,16500,15200,34800,33500,83500,87500,47,43068,2,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,16500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8511",26562,80000,170000,20000,150000,75105,75105,181667,181667,331667,331667,50,66876,4,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,101667,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8512",19122,0,0,0,0,10000,10000,29122,29122,29122,29872,55,21216,1,13,1,0,1,0,1,1,0,1,0,0,1,0,3,3,0.5117899,29122,0,0,0,1,0,0,0,0,0,0,0,0,1 -"8513",0,0,110000,65000,45000,10,-6190,10,-6190,38810,41760,49,31176,1,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,-6190,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8514",0,25000,64000,0,64000,2400,600,27400,25600,89600,92100,49,25770,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8515",9000,80000,150000,0,150000,90000,90000,179000,179000,329000,529000,47,94200,4,18,1,1,1,0,1,1,1,1,0,0,0,1,7,4,0.7316045,99000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8516",0,5000,80000,73000,7000,40400,37400,45400,42400,49400,224000,39,74814,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,37400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8517",0,0,150000,100000,50000,693,-37,693,-37,49963,49963,31,65844,4,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-37,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8518",1000,13000,0,0,0,7200,6600,21200,20600,20600,20600,44,46869,2,14,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7125204,7600,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8519",0,0,0,0,0,153,-2347,153,-2347,-2347,4305,41,21000,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-2347,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8520",0,0,26000,21500,4500,1000,-400,1000,-400,4100,7325,34,24144,3,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.3978536,-400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8521",600,8000,50000,54000,-4000,3650,950,12250,9550,5550,14550,31,43281,3,16,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,1550,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8522",0,5405,65000,31000,34000,24373,1373,29778,6778,40778,40778,43,54840,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,1373,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8523",0,0,0,0,0,70,-2130,70,-2130,-2130,-1830,31,7938,1,16,1,0,0,0,1,1,0,0,0,0,0,1,1,4,0.3021799,-2130,0,1,0,0,0,0,0,0,0,1,0,0,0 -"8524",0,3000,0,0,0,2300,2300,5300,5300,5300,10075,35,20805,1,14,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.5315681,2300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8525",0,720,85000,80000,5000,409,-3091,1129,-2371,2629,22629,40,43818,3,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,-3091,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8526",70,14000,130000,126000,4000,1800,-700,15870,13370,17370,17370,43,73194,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-630,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8527",0,12000,0,0,0,140,-2594,12140,9406,9406,11294,29,43302,4,11,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.3243191,-2594,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8528",6000,8000,0,0,0,256,256,14256,14256,14256,41856,55,40959,3,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.3442089,6256,0,0,0,0,0,1,0,0,0,0,0,0,1 -"8529",0,5000,50000,32000,18000,399,399,5399,5399,23399,28602,51,24048,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,399,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8530",25300,0,120000,73500,46500,7847,6547,33147,31847,78347,78347,29,52236,4,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,31847,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8531",0,1200,10000,0,10000,25500,21500,26700,22700,32700,47050,51,30537,1,13,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,21500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8532",9500,7600,119000,42000,77000,10300,9900,27400,27000,104000,106000,37,66303,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,19400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8533",0,291,65000,65000,0,3100,2300,3391,2591,2591,10591,28,39600,2,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,2300,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8534",21100,5000,165000,150000,15000,12000,12000,38100,38100,53100,63100,35,90300,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,33100,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8535",0,1000,56000,17000,39000,75399,75399,76399,76399,115399,121099,37,37872,2,10,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6028074,75399,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8536",0,0,100000,0,100000,1800,500,1800,500,100500,111500,46,36003,2,9,1,1,1,1,1,1,0,0,1,0,0,0,4,1,0.5297047,500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8537",14400,1000,0,0,0,1500,-3000,16900,12400,12400,142400,30,9225,4,15,0,1,0,0,1,1,1,1,0,0,1,0,1,3,0.1755065,11400,0,1,0,0,0,0,0,0,0,1,0,0,0 -"8538",7500,0,260000,103000,157000,20000,19300,27500,26800,183800,185800,39,47025,5,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,26800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8539",4900,45000,70000,35000,35000,800,-1200,50700,48700,83700,92000,51,57390,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,3700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8540",0,0,80000,33750,46250,136,-2364,136,-2364,43886,46911,53,16200,2,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4041266,-2364,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8541",0,2900,85000,6200,78800,43048,41248,45948,44148,122948,125180,37,44502,4,13,0,1,0,0,1,1,1,0,0,0,1,0,5,3,0.4407951,41248,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8542",26774,28000,100000,35000,65000,40700,40700,95474,95474,160474,175474,52,66360,3,15,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,67474,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8543",6000,2000,60000,32500,27500,1150,-1850,9150,6150,33650,32150,39,10140,1,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.1320933,4150,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8544",0,412,0,0,0,0,-2200,412,-1788,-1788,-788,35,17424,3,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2200,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8545",0,0,0,0,0,2900,700,2900,700,700,15379,36,24090,1,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,700,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8546",0,0,43000,37000,6000,200,-3600,200,-3600,2400,2400,37,24312,3,15,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-3600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8547",0,0,200000,42000,158000,1998,1998,1998,1998,159998,162510,52,46140,2,18,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,1998,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8548",0,1900,102000,62000,40000,12000,12000,13900,13900,53900,53900,28,60090,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,12000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8549",0,52000,150000,82750,67250,2966,836,54966,52836,120086,132058,47,51294,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,836,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8550",0,400,175000,113000,62000,9000,9000,9400,9400,71400,113512,46,36300,2,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,9000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8551",19800,80000,200000,0,200000,136400,134400,236200,234200,434200,439200,54,92046,3,12,1,1,0,1,1,1,1,1,0,1,0,0,7,2,0.7316045,154200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8552",26000,16000,200000,50000,150000,86070,60132,128070,102132,252132,273132,53,82971,2,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,86132,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8553",0,62000,28500,28500,0,1000,-3300,125000,120700,120700,124600,54,31896,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-3300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8554",0,0,70000,30000,40000,58249,53749,58249,53749,93749,93749,52,35424,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,53749,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8555",19000,4304,125000,0,125000,4128,4028,27432,27332,152332,161332,52,70392,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,23028,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8556",0,250,70000,63000,7000,27,-6217,277,-5967,1033,1033,35,26202,5,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-6217,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8557",7000,0,99400,84600,14800,27499,18299,34499,25299,40099,496599,40,56778,4,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,25299,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8558",10000,40000,200000,0,200000,89998,89998,139998,139998,339998,339998,61,45750,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,99998,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8559",0,834,55000,47500,7500,8299,4799,9133,5633,13133,13133,44,21990,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,4799,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8560",42900,52400,72500,0,72500,146850,146850,242150,242150,314650,315150,59,90258,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,189750,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8561",1000,1000,65000,45000,20000,4701,4701,6701,6701,26701,28201,36,23331,3,15,0,0,0,0,1,1,1,1,0,0,1,0,3,3,0.2658667,5701,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8562",0,27,0,0,0,1265,-2985,1292,-2958,-2958,6528,26,38931,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-2985,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8563",18000,14500,190000,20000,170000,7199,4599,39699,37099,207099,207799,64,30432,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,22599,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8564",0,15200,62000,50000,12000,3500,1300,18700,16500,28500,36137,38,38610,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,1300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8565",0,10000,210000,150000,60000,6000,200,16000,10200,70200,70200,27,82068,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,200,1,0,0,0,0,0,0,1,1,0,0,0,0 -"8566",0,3000,0,0,0,1750,-26550,4750,-23550,-23550,-23550,27,41583,3,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.3243191,-26550,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8567",22507,46000,285000,78000,207000,305249,305049,373756,373556,580556,770798,59,43317,1,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,327556,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8568",0,13360,30000,0,30000,620,-180,13980,13180,43180,46180,31,50676,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-180,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8569",2308,3000,29000,18505,10495,400,-2182,5708,3126,13621,15459,41,30813,2,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,126,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8570",0,0,140000,62500,77500,10000,-10200,10000,-10200,67300,67300,46,71400,3,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-10200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8571",0,3000,100000,55000,45000,9798,9398,12798,12398,57398,62398,32,45933,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,9398,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8572",10000,75000,66000,66000,0,1050498,1049098,1135498,1134098,1134098,1134848,38,39000,1,18,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,1059098,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8573",0,0,85000,32600,52400,19750,18800,19750,18800,71200,106200,56,52965,2,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,18800,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8574",2400,63,38000,0,38000,0,-16400,2463,-13937,24063,31063,62,44124,3,14,1,1,0,0,1,1,1,1,0,0,1,0,5,3,0.7196674,-14000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8575",2000,30000,300000,150000,150000,23700,22100,55700,54100,204100,212650,40,55815,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,24100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8576",5000,17000,135000,100000,35000,1500,-4500,23500,17500,52500,66500,36,55305,3,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8577",0,1700,80000,40000,40000,1042,-2458,2742,-758,39242,39242,49,37833,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-2458,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8578",0,0,0,0,0,3000,-25,3000,-25,-25,7571,26,18594,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-25,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8579",0,0,0,0,0,400,-1600,400,-1600,-1600,400,41,24660,1,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-1600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8580",0,0,0,0,0,39000,35000,39000,35000,35000,43725,32,69327,1,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,35000,0,0,0,0,0,0,1,0,0,1,0,0,0 -"8581",0,5000,140000,115000,25000,7500,6000,12500,11000,36000,36000,54,66018,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,6000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8582",0,13000,72500,57000,15500,1218,-10282,14218,2718,18218,27218,40,39165,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-10282,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8583",0,0,175000,0,175000,4000,4000,4000,4000,179000,179500,38,23577,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,4000,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8584",0,18000,45000,40000,5000,0,0,18000,18000,23000,23750,50,20373,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.491887,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8585",27500,6700,72000,23000,49000,31498,31198,65698,65398,114398,127398,60,33663,2,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,58698,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8586",70,1600,82000,3000,79000,6400,2400,8070,4070,83070,83070,30,34842,2,16,1,1,0,1,1,1,1,1,0,0,0,1,4,4,0.5449064,2470,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8587",0,12000,180000,45000,135000,1300,500,13300,12500,147500,193500,61,32595,3,5,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,500,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8588",0,2500,0,0,0,999,-101,3499,2399,2399,6799,40,37188,3,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-101,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8589",0,0,76000,61000,15000,800,-4200,800,-4200,10800,17025,27,35736,1,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-4200,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8590",0,20000,170000,133000,37000,34800,33000,54800,53000,90000,90000,38,42750,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,33000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8591",0,80000,150000,44000,106000,61000,34200,141000,114200,220200,221700,36,85755,1,16,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,34200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8592",0,21000,92000,59000,33000,4000,-1500,25000,19500,52500,52500,59,67488,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8593",0,0,0,0,0,4000,4000,4000,4000,4000,104000,30,28659,3,17,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,4000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8594",1600,1500,32000,23500,8500,850,-1750,3950,1350,9850,17350,42,47073,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,-150,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8595",81200,80000,300000,52400,247600,88400,88400,249600,249600,497200,497200,54,81711,5,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,169600,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8596",0,0,75000,16000,59000,7673,7273,7673,7273,66273,84138,53,41976,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,7273,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8597",0,0,120000,81000,39000,25,-5975,25,-5975,33025,33025,44,36870,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,-5975,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8598",0,50000,90000,63000,27000,10499,10499,60499,60499,87499,92356,50,70065,1,17,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,10499,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8599",0,21000,0,0,0,0,-2500,21000,18500,18500,18500,42,14160,3,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-2500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8600",0,5000,55554,50000,5554,200,-2215,5200,2785,8339,8339,36,28872,3,12,0,1,1,0,1,1,1,0,0,1,0,0,3,2,0.273178,-2215,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8601",13000,0,200000,150000,50000,150741,149741,163741,162741,212741,277741,59,104121,3,15,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,162741,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8602",0,0,0,0,0,11200,-800,11200,-800,-800,36075,45,39717,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-800,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8603",0,890,0,0,0,1000,-1300,1890,-410,-410,7186,42,34440,1,1,1,0,1,0,1,1,1,0,1,0,0,0,4,1,0.6600804,-1300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8604",6050,1000,0,0,0,200,-800,7250,6250,6250,6250,32,52404,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.3533661,5250,0,0,0,0,0,0,1,0,0,1,0,0,0 -"8605",600,13000,142000,120000,22000,1874,1874,15474,15474,37474,41017,46,107823,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,2474,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8606",0,17000,80000,52000,28000,60,-3440,17060,13560,41560,41560,36,34506,4,11,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,-3440,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8607",0,35000,42000,27000,15000,50,-1650,35050,33350,48350,48350,46,15699,3,12,1,1,1,1,1,1,1,0,0,1,0,0,2,2,0.3623197,-1650,1,0,1,0,0,0,0,0,0,0,0,1,0 -"8608",0,0,0,0,0,0,0,0,0,0,0,40,22008,4,12,1,1,1,0,1,1,0,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8609",0,2000,0,0,0,0,-700,2000,1300,1300,3800,27,18270,1,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-700,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8610",0,0,50000,36000,14000,655,-9345,655,-9345,4655,6155,44,48339,6,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.6077043,-9345,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8611",57057,33000,290000,150000,140000,433478,433478,523535,523535,663535,683535,36,164097,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,490535,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8612",14000,30000,220000,150000,70000,77200,76600,121200,120600,190600,192100,33,100575,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,90600,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8613",0,6875,0,0,0,1199,1114,8074,7989,7989,7989,58,19878,3,14,1,1,0,0,1,1,1,0,0,0,1,0,2,3,0.3791962,1114,0,0,1,0,0,0,0,0,0,0,0,0,1 -"8614",7800,17000,239000,150000,89000,50000,50000,74800,74800,163800,164450,41,90261,4,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,57800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8615",5500,2900,155000,11000,144000,17964,16964,26364,25364,169364,169364,38,60882,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,22464,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8616",4500,100,300000,85000,215000,3075,375,7675,4975,219975,222675,49,42915,3,18,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,4875,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8617",0,0,300000,39900,260100,38548,33748,38548,33748,293848,305848,37,47703,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,33748,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8618",0,2200,130000,68000,62000,4808,3738,7008,5938,67938,67938,34,55662,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,3738,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8619",0,0,0,0,0,5000,4700,5000,4700,4700,8500,30,33435,4,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.2951996,4700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8620",0,32000,135000,75000,60000,9300,9300,41300,41300,101300,111300,34,57774,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,9300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8621",0,80000,40000,35000,5000,1200,600,81200,80600,85600,90600,36,39168,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,600,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8622",0,0,0,0,0,950,950,950,950,950,8650,35,31626,1,16,0,0,1,0,1,1,0,0,0,0,0,1,4,4,0.3086649,950,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8623",8000,50000,75000,15500,59500,1600,1350,59600,59350,118850,129350,57,37104,2,10,0,1,0,0,1,1,1,1,1,0,0,0,4,1,0.3524857,9350,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8624",45200,0,90000,40000,50000,3999,3899,49199,49099,99099,104099,56,114573,3,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.7316045,49099,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8625",4486,18200,0,0,0,3036,-1015,25722,21671,21671,21671,34,35412,2,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.277538,3471,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8626",0,0,75000,33000,42000,35050,35050,35050,35050,77050,98050,37,17286,3,16,0,0,0,0,1,1,0,0,0,0,0,1,2,4,0.143074,35050,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8627",0,0,80000,70000,10000,1530,-3070,1530,-3070,6930,8930,34,24432,3,13,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-3070,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8628",0,0,0,0,0,10300,6700,10300,6700,6700,16596,35,35358,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,6700,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8629",16000,50000,145000,29000,116000,36329,33329,102329,99329,215329,318329,58,89988,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,49329,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8630",0,120,0,0,0,450,-750,570,-630,-630,113,25,15627,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-750,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8631",1500,19000,75000,54000,21000,3000,-500,23500,20000,41000,43950,41,42615,3,16,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,1000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8632",0,754,0,0,0,62175,61925,62929,62679,62679,67679,28,26646,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.5315681,61925,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8633",62000,0,100000,0,100000,1449,1249,63449,63249,163249,163249,50,26190,2,12,0,1,0,0,1,1,0,1,0,1,0,0,3,2,0.2696004,63249,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8634",160,18000,0,0,0,2279,1924,20439,20084,20084,24823,38,33921,4,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.277538,2084,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8635",25000,9000,150000,113600,36400,30200,29700,64200,63700,100100,104750,41,47238,1,18,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.650903,54700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8636",20850,80000,250000,0,250000,31000,31000,131850,131850,381850,694058,51,59907,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,51850,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8637",0,0,52500,52500,0,2500,350,2500,350,350,36350,29,35670,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,350,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8638",0,15000,106000,105000,1000,154000,152000,169000,167000,168000,183199,44,64170,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,152000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8639",0,2600,0,0,0,147,-5853,2747,-3253,-3253,1047,39,47754,7,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-5853,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8640",0,0,140000,100000,40000,500,-500,500,-500,39500,72500,31,32412,8,12,0,1,1,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8641",1500,11000,50000,11000,39000,2015,1015,14515,13515,52515,52515,52,41184,2,10,1,1,0,1,1,1,1,1,1,0,0,0,5,1,0.7196674,2515,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8642",0,0,100000,70000,30000,6049,-17351,6049,-17351,12649,21248,42,56883,4,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-17351,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8643",0,0,0,0,0,7955,7955,7955,7955,7955,9455,55,20760,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,7955,0,0,0,1,0,0,0,0,0,0,0,0,1 -"8644",0,15000,80700,53000,27700,5099,-36901,20099,-21901,5799,12499,30,100302,1,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,-36901,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8645",2230,5000,56000,49500,6500,10500,6000,17730,13230,19730,43730,30,48000,3,17,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,8230,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8646",0,0,26000,22000,4000,0,-975,0,-975,3025,3025,38,24210,6,5,0,1,0,1,1,1,0,0,1,0,0,0,3,1,0.273178,-975,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8647",15500,80000,135000,45000,90000,64998,60998,160498,156498,246498,881498,54,75003,2,14,0,1,1,1,1,1,1,1,0,0,1,0,7,3,0.5801663,76498,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8648",0,0,72000,28000,44000,1800,-3100,1800,-3100,40900,40900,46,27000,2,16,1,1,0,0,1,1,0,0,0,0,0,1,3,4,0.3978536,-3100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8649",0,1500,250000,108000,142000,6652,6652,8152,8152,150152,156652,38,21015,1,18,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,6652,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8650",0,6000,58424,21500,36924,7699,4699,13699,10699,47623,50135,53,20646,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4699,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8651",0,32000,195000,121000,74000,7500,2678,39500,34678,108678,108678,29,54900,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,2678,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8652",14000,13000,70000,0,70000,26010,26010,53010,53010,123010,123010,60,51489,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,40010,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8653",43000,24000,159000,84000,75000,69000,68900,136000,135900,210900,216900,63,49257,5,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,111900,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8654",0,7000,70000,64000,6000,2500,1700,20104,19304,25304,32001,43,28716,2,17,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2694195,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8655",0,0,0,0,0,599,599,599,599,599,599,29,24156,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,599,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8656",0,4500,160000,114240,45760,1500,-6500,6000,-2000,43760,59760,32,60150,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-6500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8657",0,0,0,0,0,1400,1400,1400,1400,1400,2900,36,36750,4,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,1400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8658",22000,0,100000,0,100000,101000,100500,123000,122500,222500,222500,57,45390,2,18,1,1,0,0,1,1,0,1,0,0,0,1,5,4,0.7196674,122500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8659",0,0,50000,35000,15000,4000,4000,4000,4000,19000,19000,40,35190,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.3719455,4000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8660",0,7000,150000,0,150000,2393,983,9393,7983,157983,170108,64,38991,2,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,983,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8661",0,10000,75000,75000,0,11500,11100,21500,21100,21100,21100,41,86097,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,11100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8662",0,2500,70000,62000,8000,6100,2000,8600,4500,12500,16500,46,49692,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8663",0,0,130000,0,130000,27200,27170,27200,27170,157170,159300,62,51099,2,10,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.5405443,27170,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8664",0,10000,20000,2537,17463,100,-900,10100,9100,26563,33227,33,42924,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5315816,-900,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8665",0,10000,70000,68500,1500,900,-7600,10900,2400,3900,11900,28,52248,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-7600,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8666",0,1200,0,0,0,77086,76586,78286,77786,77786,82452,31,75282,1,12,0,0,0,0,1,1,1,0,0,1,0,0,7,2,0.3201262,76586,0,0,0,0,0,0,0,1,0,1,0,0,0 -"8667",0,4500,0,0,0,2500,-800,7000,3700,3700,102366,44,26880,1,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8668",8000,834,300000,150000,150000,1599,-1514,10433,7320,157320,368320,41,21726,4,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,6486,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8669",0,0,120000,120000,0,9999,9399,9999,9399,9399,14724,44,60600,3,16,0,0,1,0,1,1,0,0,0,0,0,1,6,4,0.4938007,9399,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8670",15000,500,60000,0,60000,95454,92454,110954,107954,167954,247954,55,52527,2,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,107454,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8671",0,0,0,0,0,1820,-14180,1820,-14180,-14180,-14180,36,100356,1,18,0,0,1,0,1,1,0,0,0,0,0,1,7,4,0.3201262,-14180,0,0,0,0,0,0,0,1,0,0,1,0,0 -"8672",5440,8260,200000,150000,50000,6200,4600,19900,18300,68300,68300,35,86814,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,10040,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8673",0,19000,0,0,0,500,-2600,19500,16400,16400,16400,39,22338,4,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-2600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8674",7000,16000,200000,140000,60000,12831,12831,35831,35831,95831,104831,47,100116,4,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,19831,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8675",18000,5000,100000,65000,35000,26999,26999,49999,49999,84999,93460,31,37515,1,18,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6174901,44999,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8676",1400,3330,300000,56000,244000,23200,23200,27930,27930,271930,271930,43,51153,5,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,24600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8677",0,800,0,0,0,800,-8200,1600,-7400,-7400,-5508,36,9027,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3021799,-8200,0,1,0,0,0,0,0,0,0,0,1,0,0 -"8678",0,6000,0,0,0,30280,28280,36280,34280,34280,34280,37,74850,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,28280,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8679",0,2500,124000,65000,59000,9800,7800,12300,10300,69300,69300,32,52875,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,7800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8680",0,25000,40000,0,40000,979,293,25979,25293,65293,65293,49,34047,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,293,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8681",0,268,0,0,0,200,-650,468,-382,-382,10118,49,47640,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-650,0,0,0,0,0,1,0,0,0,0,0,1,0 -"8682",0,50000,300000,150000,150000,6450,-11750,56450,38250,188250,258250,44,96774,3,15,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-11750,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8683",5000,38000,90000,39500,50500,27500,27050,70500,70050,120550,128550,35,54960,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32050,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8684",0,4000,50000,25000,25000,1060,1060,5060,5060,30060,39060,53,47586,3,11,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,1060,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8685",0,60,0,0,0,2346,2346,2406,2406,2406,3321,25,21042,1,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.4366938,2346,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8686",0,10000,0,0,0,1000,250,11000,10250,10250,10250,30,22320,4,6,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.2092901,250,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8687",2500,0,130000,130000,0,7073,-8187,9573,-5687,-5687,64313,44,67428,4,18,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,-5687,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8688",0,23000,0,0,0,15750,15650,38750,38650,38650,78650,32,47628,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,15650,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8689",0,4000,0,0,0,13934,13934,17934,17934,17934,21284,45,53856,1,13,0,0,0,0,1,1,1,0,0,0,1,0,6,3,0.3169526,13934,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8690",0,35000,65000,59000,6000,0,-3750,35000,31250,37250,37250,37,67056,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-3750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8691",5500,12000,103000,95000,8000,26849,26449,44349,43949,51949,71449,47,64653,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,31949,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8692",0,1700,55000,44000,11000,2300,1276,4000,2976,13976,16376,30,38454,4,13,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,1276,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8693",0,0,110000,46250,63750,4160,4160,4160,4160,67910,73910,42,18375,7,12,1,1,0,1,1,1,0,0,0,1,0,0,2,2,0.3623197,4160,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8694",0,850,38000,0,38000,600,600,1450,1450,39450,39550,36,20094,4,7,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8695",0,900,0,0,0,10800,7800,11700,8700,8700,8700,37,58053,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,7800,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8696",0,42000,32500,32500,0,600,-400,42600,41600,41600,42800,41,18240,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-400,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8697",32000,0,80000,0,80000,8200,8200,62200,62200,142200,183175,53,47478,2,12,1,0,1,0,1,1,0,1,0,1,0,0,5,2,0.650903,40200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8698",0,27000,125000,99900,25100,17100,17100,44100,44100,69200,75400,39,44529,1,18,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,17100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8699",9000,20500,172000,90000,82000,13500,12450,43000,41950,123950,128400,48,71646,2,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,21450,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8700",0,10000,238000,150000,88000,0,-8300,10000,1700,89700,89700,42,54597,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-8300,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8701",11000,3200,80000,25000,55000,13000,11800,27200,26000,81000,96999,42,54456,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,22800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8702",0,0,85000,74500,10500,2090,2090,2090,2090,12590,13090,43,23850,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,2090,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8703",0,300,0,0,0,0,-200,300,100,100,5100,41,28143,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.2092901,-200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8704",0,0,70000,28000,42000,0,-1500,0,-1500,40500,48500,29,23100,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-1500,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8705",12500,6800,96000,96000,0,4000,4000,23300,23300,23300,23300,34,106782,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,16500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8706",4000,37000,90000,30000,60000,65169,58169,106169,99169,159169,161169,61,42231,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,62169,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8707",0,0,0,0,0,766,-1884,766,-1884,-1884,1416,38,35757,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-1884,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8708",0,1300,11110,10000,1110,5848,648,7148,1948,3058,5558,34,29019,5,14,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.273178,648,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8709",16400,50000,78000,67000,11000,20540,20472,86940,86872,97872,110372,30,51993,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,36872,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8710",0,0,90000,76600,13400,800,-4000,800,-4000,9400,31395,34,62355,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-4000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8711",3600,6875,75000,75000,0,10536,10536,21011,21011,21011,21111,53,29046,1,18,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,14136,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8712",4500,10000,0,0,0,52000,52000,66500,66500,66500,67000,47,64800,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.6386597,56500,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8713",0,0,65000,63000,2000,7700,7700,7700,7700,9700,25700,28,72648,2,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,7700,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8714",0,0,95500,95500,0,10000,-30000,10000,-30000,-30000,-29000,30,33270,3,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,-30000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8715",3000,2500,0,0,0,0,0,5500,5500,5500,11250,29,36000,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.2906278,3000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8716",0,38000,125000,37200,87800,1699,-401,39699,37599,125399,132899,56,55503,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-401,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8717",0,1700,60000,54000,6000,2050,-8950,3750,-7250,-1250,1750,41,29739,1,17,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,-8950,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8718",0,3000,0,0,0,1050,710,4050,3710,3710,4235,42,24237,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2060434,710,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8719",0,0,0,0,0,300,-3700,300,-3700,-3700,6300,40,52173,6,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,-3700,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8720",0,0,107000,75500,31500,12499,-3201,12499,-3201,28299,49299,47,61602,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-3201,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8721",0,2834,40000,22500,17500,7500,6500,10334,9334,26834,28834,44,27390,4,14,1,1,0,1,1,1,1,0,0,0,1,0,3,3,0.3978536,6500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8722",0,0,0,0,0,42000,40000,42000,40000,40000,43075,32,13680,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,40000,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8723",15250,5405,55000,41000,14000,5099,4999,25754,25654,39654,46397,37,26781,1,16,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,20249,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8724",0,13000,25000,18500,6500,9999,-15001,22999,-2001,4499,11849,35,32364,1,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,-15001,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8725",0,0,0,0,0,2600,2600,2600,2600,2600,18653,29,36030,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,2600,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8726",22500,26942,165000,0,165000,194000,192000,243442,241442,406442,406442,46,48000,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,214500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8727",0,3500,55000,30600,24400,1200,-650,4700,2850,27250,31250,38,15000,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-650,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8728",10120,11000,84000,42000,42000,39609,39339,60729,60459,102459,115259,37,41031,2,18,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,49459,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8729",0,0,0,0,0,28000,28000,28000,28000,28000,28000,37,50082,3,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.3598378,28000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8730",58000,10000,121000,121000,0,227998,227898,295998,295898,295898,295898,40,66801,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,285898,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8731",0,0,215000,40000,175000,0,0,0,0,175000,175000,62,32616,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,0,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8732",0,3000,35000,22500,12500,200,200,3200,3200,15700,18200,37,26868,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8733",0,3000,23000,19000,4000,306,306,3306,3306,7306,9806,28,42411,2,12,0,0,0,0,1,1,1,0,0,1,0,0,5,2,0.4200058,306,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8734",12447,30000,200000,0,200000,49999,49999,92446,92446,292446,292446,53,62400,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,62446,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8735",3314,0,0,0,0,6947,6847,10261,10161,10161,17161,27,36432,1,16,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,10161,0,0,0,0,1,0,0,0,1,0,0,0,0 -"8736",20000,400,280000,150000,130000,14362,8362,34762,28762,158762,213783,45,47316,1,16,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.4414764,28362,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8737",0,3000,85000,25000,60000,300,-5700,3300,-2700,57300,57300,53,31470,7,12,1,1,0,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-5700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8738",0,0,72000,45000,27000,2850,-7150,2850,-7150,19850,27256,59,46722,5,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-7150,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8739",0,0,60000,24000,36000,2600,-6400,2600,-6400,29600,29600,38,47784,4,11,1,1,0,1,1,1,0,0,1,0,0,0,5,1,0.6077043,-6400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8740",0,0,0,0,0,6700,200,6700,200,200,200,42,28245,2,18,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8741",13600,106320,240000,150000,90000,40776,15276,160696,135196,225196,252796,44,158721,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,28876,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8742",0,0,200000,105000,95000,1700,1700,1700,1700,96700,99200,43,29604,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,1700,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8743",0,14524,175000,30000,145000,29574,29574,44098,44098,189098,221098,43,48468,6,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,29574,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8744",0,2800,0,0,0,100,-200,2900,2600,2600,3600,58,11325,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-200,0,0,1,0,0,0,0,0,0,0,0,0,1 -"8745",0,4000,75000,65500,9500,500,-2000,4500,2000,11500,32500,34,31722,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-2000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8746",0,4300,0,0,0,0,0,4300,4300,4300,22300,25,19800,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8747",0,0,100000,0,100000,9999,9999,9999,9999,109999,113249,54,21450,3,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.491887,9999,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8748",0,0,300000,125000,175000,4500,3500,4500,3500,178500,184300,40,76866,4,16,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,3500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8749",0,13767,130400,130400,0,10205,9005,23972,22772,22772,30772,53,55725,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,9005,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8750",0,0,26000,26000,0,0,-480,0,-480,-480,920,28,25749,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-480,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8751",50000,15000,175000,0,175000,259000,259000,324000,324000,499000,499000,62,95430,3,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,309000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8752",0,1700,0,0,0,26258,22858,27958,24558,24558,24558,36,16794,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,22858,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8753",4909,65000,80000,38000,42000,15999,15499,101908,101408,143408,181408,56,36912,3,12,1,1,0,1,1,1,1,1,0,1,0,0,4,2,0.5449064,20408,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8754",0,0,62000,42000,20000,2315,-4635,2315,-4635,15365,15365,41,48312,4,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,-4635,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8755",0,11000,0,0,0,11047,10047,22047,21047,21047,25647,41,92514,2,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,10047,0,0,0,0,0,0,0,1,0,0,1,0,0 -"8756",0,0,94000,77000,17000,2499,-5301,2499,-5301,11699,51699,52,51060,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-5301,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8757",20000,7000,200000,150000,50000,1900,1900,28900,28900,78900,78900,35,52572,2,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,21900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8758",0,4300,0,0,0,700,700,5000,5000,5000,5750,33,12486,1,12,0,1,1,0,1,1,1,0,0,1,0,0,2,2,0.1283302,700,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8759",0,170,4000,3200,800,31,31,201,201,1001,1501,34,16065,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,31,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8760",0,13200,115000,102000,13000,1365,926,14565,14126,27126,38126,29,50433,2,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,926,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8761",0,0,225000,3200,221800,1000,400,1000,400,222200,243704,39,28425,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,400,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8762",50300,14767,60000,0,60000,12749,8749,77816,73816,133816,134816,45,77697,4,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,59049,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8763",4800,42000,200000,125000,75000,3048,-14952,49848,31848,106848,182348,38,57480,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,-10152,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8764",2000,1500,0,0,0,549,-2251,4049,1249,1249,4361,37,34359,2,12,1,1,1,1,1,1,1,1,0,1,0,0,4,2,0.6044431,-251,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8765",0,14000,75000,55000,20000,9200,8500,23200,22500,42500,187500,31,68730,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,8500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8766",0,0,109000,58000,51000,3225,2425,3225,2425,53425,53425,41,51981,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,2425,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8767",2800,8400,74000,72000,2000,22199,22199,33399,33399,35399,48399,32,87540,3,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,24999,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8768",0,0,165000,108000,57000,2499,-87501,2499,-87501,-30501,-28101,58,72150,2,14,0,1,0,0,1,1,0,0,0,0,1,0,6,3,0.5405443,-87501,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8769",0,1000,55000,42000,13000,821,821,1821,1821,14821,19821,44,43536,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,821,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8770",0,1000,95000,68000,27000,11400,9400,12400,10400,37400,40700,44,57420,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,9400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8771",0,2000,158000,150000,8000,175,-4825,2175,-2825,5175,9975,36,56880,1,12,1,0,1,0,1,1,1,0,0,1,0,0,6,2,0.7472324,-4825,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8772",0,2000,72000,72000,0,1100,-100,3100,1900,1900,1900,49,36642,6,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-100,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8773",0,0,72000,48000,24000,1662,-2038,1662,-2038,21962,21962,61,37359,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-2038,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8774",0,15000,0,0,0,0,-1800,15000,13200,13200,13200,53,23700,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-1800,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8775",15000,19400,130000,61700,68300,7227,5227,41627,39627,107927,114927,39,45819,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,20227,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8776",50376,0,300000,150000,150000,103355,103355,153731,153731,303731,385955,33,99699,4,17,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,153731,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8777",12371,0,75000,30000,45000,13048,5048,25419,17419,62419,62419,49,45753,4,14,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,17419,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8778",29600,8000,93000,84000,9000,4800,-6700,42400,30900,39900,39900,33,77355,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,22900,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8779",4000,50000,80000,0,80000,19999,19999,73999,73999,153999,163674,61,31017,1,12,1,0,0,0,1,1,1,1,0,1,0,0,4,2,0.6174901,23999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8780",0,0,50000,25000,25000,9000,8520,9000,8520,33520,52720,46,47655,2,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,8520,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8781",20000,600,75000,0,75000,63300,63300,83900,83900,158900,181138,48,92991,5,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,83300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8782",5000,30000,125000,108000,17000,70300,70150,105300,105150,122150,122150,33,73308,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,75150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8783",0,26000,0,0,0,499,499,26499,26499,26499,33174,49,7209,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3021799,499,0,1,0,0,0,0,0,0,0,0,0,1,0 -"8784",7800,11000,95000,84000,11000,15000,15000,33800,33800,44800,56800,29,96180,5,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,22800,1,0,0,0,0,0,0,1,1,0,0,0,0 -"8785",4500,5000,100000,69500,30500,18500,18500,33000,33000,63500,69500,35,47250,4,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,23000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8786",0,0,105000,30000,75000,0,-2200,0,-2200,72800,72800,37,28443,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8787",0,80,0,0,0,987,-5013,1067,-4933,-4933,-3733,27,40647,2,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-5013,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8788",0,6000,50000,33000,17000,12000,9000,18000,15000,32000,52000,37,94980,2,15,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,9000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8789",0,2000,0,0,0,6500,6500,8500,8500,8500,9000,52,19638,1,10,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,6500,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8790",0,20000,300000,38000,262000,2899,2899,22899,22899,284899,284899,41,49134,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,2899,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8791",0,700,0,0,0,1249,349,1949,1049,1049,4399,29,23409,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,349,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8792",0,2094,60000,59000,1000,500,-4700,2594,-2606,-1606,-1606,47,36222,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-4700,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8793",0,13000,112000,87000,25000,5000,5000,18000,18000,43000,43500,34,33084,4,14,0,1,1,0,1,1,1,0,0,0,1,0,4,3,0.3719455,5000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8794",40250,5405,86000,50000,36000,5700,4700,51355,50355,86355,86355,40,49095,5,18,1,1,0,1,1,1,1,1,0,0,0,1,5,4,0.7196674,44950,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8795",0,2500,60000,23000,37000,18,-4097,2518,-1597,35403,38903,39,32139,5,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-4097,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8796",11700,13866,34000,32900,1100,2000,-1000,27566,24566,25666,30447,38,47316,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,10700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8797",80000,2339,125000,35000,90000,26020,26020,108359,108359,198359,248359,53,70923,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,106020,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8798",2500,28000,170000,50000,120000,52800,52165,83300,82665,202665,202665,34,91209,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,54665,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8799",0,15000,73000,64000,9000,9948,9448,24948,24448,33448,33448,31,58323,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,9448,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8800",0,7000,0,0,0,1280,280,8280,7280,7280,12480,38,30510,2,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,280,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8801",0,157,80000,65000,15000,28800,28300,28957,28457,43457,57457,48,50781,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,28300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8802",4000,6000,85000,62000,23000,21999,21199,31999,31199,54199,75199,36,95823,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,25199,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8803",1000,35000,30000,30000,0,42490,22110,78490,58110,58110,57735,53,63630,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,23110,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8804",0,0,175000,80000,95000,21549,21549,21549,21549,116549,125605,34,83496,4,17,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,21549,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8805",50000,1500,140000,50000,90000,10399,10199,61899,61699,151699,151699,35,30558,4,15,1,1,0,1,1,1,1,1,0,0,1,0,4,3,0.5449064,60199,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8806",0,6000,32000,0,32000,2174,2174,8174,8174,40174,111174,47,31890,4,7,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,2174,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8807",0,19749,86000,68000,18000,10735,2735,30484,22484,40484,40484,36,39627,3,14,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,2735,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8808",0,0,200000,42000,158000,34999,34999,34999,34999,192999,192999,38,14850,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,34999,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8809",25000,25000,40000,0,40000,50700,50700,100700,100700,140700,164700,54,47646,3,13,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,75700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8810",0,0,0,0,0,298,-5702,298,-5702,-5702,-5702,40,38922,3,14,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-5702,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8811",30000,8395,67000,38000,29000,28450,28450,66845,66845,95845,101345,58,56958,1,12,1,0,0,0,1,1,1,1,0,1,0,0,6,2,0.7856908,58450,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8812",10400,0,290000,70000,220000,98999,98999,109399,109399,329399,331899,35,99480,3,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,109399,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8813",0,1300,25000,0,25000,550,550,1850,1850,26850,30183,34,19044,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,550,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8814",0,2500,0,0,0,175,-275,2675,2225,2225,5725,32,20901,5,15,0,1,0,0,1,1,1,0,0,0,1,0,3,3,0.2092901,-275,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8815",5000,21000,60000,49000,11000,4500,3860,55500,54860,65860,65860,40,65346,6,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,8860,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8816",8000,400,225000,58000,167000,103000,100200,111400,108600,275600,275600,43,47796,4,11,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,108200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8817",0,0,55000,0,55000,14200,14200,14200,14200,69200,73200,64,49167,2,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,14200,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8818",0,2511,5000,0,5000,0,-1500,2511,1011,6011,6011,31,18171,5,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1500,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8819",0,0,0,0,0,3325,1606,3325,1606,1606,4681,31,23367,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,1606,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8820",0,5180,102000,21000,81000,14471,11869,19651,17049,98049,106549,51,70092,5,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,11869,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8821",0,2300,80000,78000,2000,6000,4125,8300,6425,8425,15825,47,58548,3,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,4125,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8822",0,0,0,0,0,800,600,800,600,600,600,48,19152,2,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,600,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8823",17000,4000,0,0,0,2700,2550,23700,23550,23550,134550,39,44040,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,19550,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8824",0,0,72000,58800,13200,2200,-5250,2200,-5250,7950,18200,31,28272,1,16,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,-5250,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8825",0,400,0,0,0,1782,1782,2182,2182,2182,2682,30,20964,4,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,1782,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8826",500,2000,80000,44000,36000,6800,6800,9300,9300,45300,52300,25,65049,2,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.5336504,7300,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8827",22349,72000,85000,0,85000,6120,6120,100469,100469,185469,185469,61,37380,2,8,0,1,0,0,1,1,1,1,1,0,0,0,4,1,0.3524857,28469,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8828",1300,0,70000,45000,25000,29300,28700,30600,30000,55000,57000,44,39786,3,14,0,0,0,0,1,1,0,1,0,0,1,0,4,3,0.3669286,30000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8829",0,1300,0,0,0,600,-2500,1900,-1200,-1200,1900,41,19596,2,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2500,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8830",0,1000,30000,0,30000,2500,1500,3500,2500,32500,46500,42,27990,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8831",0,0,300000,150000,150000,8900,4000,8900,4000,154000,207500,45,120069,4,18,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,4000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8832",0,0,145000,135000,10000,5,-14995,5,-14995,-4995,4005,33,71100,5,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.5405443,-14995,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8833",3600,0,0,0,0,23400,13400,27000,17000,17000,17000,53,68196,1,16,0,0,0,0,1,1,0,1,0,0,0,1,6,4,0.3107966,17000,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8834",500,0,0,0,0,2000,1500,2500,2000,2000,4000,36,30450,2,12,1,1,0,1,1,1,0,1,0,1,0,0,4,2,0.6044431,2000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8835",0,0,0,0,0,2350,1700,2350,1700,1700,4025,35,23064,2,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,1700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8836",2500,0,135000,100000,35000,2199,-2801,4699,-301,34699,34699,29,57096,3,14,0,1,0,1,1,1,0,1,0,0,1,0,6,3,0.5336504,-301,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8837",0,80000,150000,22000,128000,131300,126500,211300,206500,334500,337000,49,77244,4,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,126500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8838",0,298,0,0,0,50,-1350,348,-1052,-1052,10127,52,23640,2,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1350,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8839",0,60000,120000,7600,112400,7407,2707,67407,62707,175107,180607,45,55446,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2707,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8840",0,0,92000,65000,27000,17100,15200,17100,15200,42200,85200,62,50304,2,18,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,15200,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8841",2000,45000,175000,0,175000,3275,-2725,50275,44275,219275,219275,59,55020,3,6,0,1,0,0,1,1,1,1,1,0,0,0,6,1,0.5336504,-725,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8842",0,0,0,0,0,250,-6150,250,-6150,-6150,-5002,53,22215,1,6,1,0,1,0,1,1,0,0,1,0,0,0,3,1,0.5315681,-6150,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8843",0,0,120000,0,120000,9999,5999,9999,5999,125999,125999,56,54582,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,5999,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8844",0,0,35000,28000,7000,100,-7400,100,-7400,-400,-400,34,26598,3,15,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-7400,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8845",0,600,40000,18000,22000,0,0,600,600,22600,22600,25,25200,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,0,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8846",0,50000,260000,150000,110000,2000,-250,52000,49750,159750,159750,46,58611,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-250,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8847",500,283,0,0,0,400,400,1183,1183,1183,4201,28,15159,2,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.105793,900,0,0,1,0,0,0,0,0,1,0,0,0,0 -"8848",0,52,0,0,0,40,-118,92,-66,-66,934,32,22881,4,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-118,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8849",36000,17000,100000,0,100000,35000,34750,88000,87750,187750,187750,53,73350,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,70750,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8850",0,7000,0,0,0,299,-701,7299,6299,6299,10930,34,32226,3,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3086649,-701,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8851",0,0,0,0,0,599,-4401,599,-4401,-4401,32124,40,43536,3,17,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5231876,-4401,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8852",0,4250,0,0,0,13300,2280,17550,6530,6530,15030,32,33498,2,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.2951996,2280,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8853",0,0,0,0,0,420,-1580,420,-1580,-1580,920,41,14679,1,16,1,0,0,0,1,1,0,0,0,0,0,1,2,4,0.4215196,-1580,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8854",0,530,80000,40000,40000,1000,-1000,1530,-470,39530,44155,27,27966,2,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-1000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8855",14693,0,150000,35000,115000,11892,1892,26585,16585,131585,134585,42,74646,3,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,16585,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8856",0,0,190000,81250,108750,1991,1586,1991,1586,110336,199336,53,55944,2,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,1586,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8857",0,2165,21000,8000,13000,600,-900,2765,1265,14265,25627,40,33993,1,12,0,0,0,0,1,1,1,0,0,1,0,0,4,2,0.3866406,-900,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8858",0,4300,0,0,0,0,-900,4300,3400,3400,3400,34,33270,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-900,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8859",0,7500,0,0,0,0,0,7500,7500,7500,8000,40,15387,1,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8860",0,1800,75000,42000,33000,25000,25000,26800,26800,59800,63525,31,29061,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,25000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"8861",26000,90000,170000,100000,70000,13000,12950,129000,128950,198950,201950,49,97365,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,38950,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8862",0,17600,80000,20500,59500,27000,27000,44600,44600,104100,110100,46,24906,1,17,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,27000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8863",0,0,85000,60000,25000,100,-1900,100,-1900,23100,27900,37,23802,3,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,-1900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8864",0,42000,30000,8700,21300,0,0,42000,42000,63300,63300,36,21300,6,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8865",0,850,0,0,0,6000,5600,6850,6450,6450,22450,36,22548,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,5600,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8866",0,2300,65000,0,65000,4999,4999,7299,7299,72299,72929,40,37020,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,4999,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8867",0,6000,50000,20000,30000,200,100,6200,6100,36100,43100,56,26100,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,100,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8868",0,0,0,0,0,100,-7850,100,-7850,-7850,-7850,48,27000,2,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-7850,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8869",50000,0,100000,0,100000,1499,1499,51499,51499,151499,278937,61,28080,4,12,1,0,1,0,1,1,0,1,0,1,0,0,3,2,0.4720998,51499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"8870",0,80,0,0,0,20,-2880,100,-2800,-2800,-2800,37,37491,2,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,-2880,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8871",19200,40000,145000,140000,5000,450,-350,59650,58850,63850,63850,30,56757,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,18850,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8872",0,800,78000,72500,5500,60550,60200,61350,61000,66500,85000,32,59667,2,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,60200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8873",17000,51000,220000,150000,70000,2498,2498,70498,70498,140498,140498,42,63333,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19498,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8874",0,369,150000,0,150000,500,500,869,869,150869,150869,38,44430,6,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8875",0,0,32000,23500,8500,299,-2801,299,-2801,5699,5699,36,33270,8,10,0,1,0,0,1,1,0,0,1,0,0,0,4,1,0.3719455,-2801,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8876",0,25000,98000,88000,10000,7150,7150,32150,32150,42150,50650,26,51480,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7150,1,0,0,0,0,0,1,0,1,0,0,0,0 -"8877",10220,4786,34000,0,34000,2900,-1300,17906,13706,47706,51584,43,39132,4,14,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,8920,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8878",0,18000,0,0,0,16536,13536,34536,31536,31536,31536,34,34698,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,13536,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8879",2000,0,0,0,0,13000,13000,15000,15000,15000,46800,46,31719,3,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6739899,15000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8880",0,0,0,0,0,1200,-5600,1200,-5600,-5600,-5600,45,55986,6,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5000061,-5600,0,0,0,0,0,0,1,0,0,0,0,1,0 -"8881",0,28160,300000,150000,150000,400,-800,28560,27360,177360,177360,42,51000,5,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8882",20000,20000,300000,25000,275000,51582,46582,91582,86582,361582,511582,60,110316,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,66582,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8883",0,1000,70000,25000,45000,1400,-100,2400,900,45900,51525,44,14592,2,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-100,1,0,1,0,0,0,0,0,0,0,1,0,0 -"8884",0,2000,50900,50900,0,1016,-3034,3016,-1034,-1034,2466,35,39915,1,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-3034,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8885",0,83,72000,7200,64800,7075,75,7158,158,64958,70958,42,43707,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,75,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8886",0,1600,0,0,0,4000,-1000,5600,600,600,6975,30,24210,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-1000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8887",0,0,0,0,0,0,-1800,0,-1800,-1800,-800,48,16680,1,15,0,0,1,0,1,1,0,0,0,0,1,0,2,3,0.1152104,-1800,0,0,1,0,0,0,0,0,0,0,0,1,0 -"8888",600,787,130000,45000,85000,10500,10500,11887,11887,96887,96887,45,71118,12,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,11100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8889",0,2900,83000,73000,10000,1200,-8800,4100,-5900,4100,4100,29,41886,2,1,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,-8800,1,0,0,0,0,1,0,0,1,0,0,0,0 -"8890",0,0,0,0,0,0,-5900,0,-5900,-5900,194100,47,40800,1,12,0,0,1,0,1,1,0,0,0,1,0,0,5,2,0.3055234,-5900,0,0,0,0,0,1,0,0,0,0,0,1,0 -"8891",7500,200,200000,40000,160000,10175,9075,17875,16775,176775,176775,36,34140,3,16,0,1,0,1,1,1,1,1,0,0,0,1,4,4,0.3524857,16575,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8892",0,15000,45000,35000,10000,3349,-2651,18349,12349,22349,22349,45,54327,8,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2651,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8893",0,650,0,0,0,0,-960,650,-310,-310,-310,31,29637,3,14,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.2092901,-960,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8894",24500,4304,100000,0,100000,6499,6499,35303,35303,135303,159528,54,33705,2,10,0,0,1,0,1,1,1,1,1,0,0,0,4,1,0.3669286,30999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8895",20000,35000,78000,55000,23000,16774,11674,71774,66674,89674,89674,37,35328,6,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,31674,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8896",0,700,0,0,0,50,-2950,750,-2250,-2250,-50,31,19506,3,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-2950,0,0,1,0,0,0,0,0,0,1,0,0,0 -"8897",0,7000,300000,150000,150000,3000,-3000,10000,4000,154000,154000,49,120420,3,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-3000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8898",7090,64000,78000,46000,32000,600,-15400,71690,55690,87690,95690,51,67431,3,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,-8310,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8899",0,0,79000,20000,59000,1950,-2850,1950,-2850,56150,67150,59,18894,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-2850,1,0,1,0,0,0,0,0,0,0,0,0,1 -"8900",0,400,0,0,0,0,-160,400,240,240,240,31,28410,11,7,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-160,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8901",0,0,0,0,0,0,-4200,0,-4200,-4200,2543,44,21120,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-4200,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8902",10000,5801,6762,0,6762,115862,115862,131663,131663,138425,141775,61,38076,2,11,1,0,0,0,1,1,1,1,1,0,0,0,4,1,0.6174901,125862,1,0,0,0,1,0,0,0,0,0,0,0,1 -"8903",12500,31000,140000,70000,70000,5999,-2501,49499,40999,110999,118613,53,102600,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,9999,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8904",0,0,0,0,0,700,-5000,700,-5000,-5000,-800,34,22812,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,-5000,0,0,0,1,0,0,0,0,0,1,0,0,0 -"8905",0,35400,0,0,0,0,0,35400,35400,35400,39943,39,36930,3,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"8906",0,2500,0,0,0,500,-300,3000,2200,2200,6200,27,29760,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.2092901,-300,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8907",0,0,0,0,0,5000,0,5000,0,0,2000,34,38640,1,12,1,0,1,0,1,1,0,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8908",0,2148,72000,62600,9400,4383,3433,6531,5581,14981,20381,38,45870,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,3433,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8909",0,2300,0,0,0,1800,-14700,4100,-12400,-12400,3600,39,40500,1,12,1,0,1,0,1,1,1,0,0,1,0,0,5,2,0.5231876,-14700,0,0,0,0,0,1,0,0,0,0,1,0,0 -"8910",0,15000,70000,56000,14000,3199,-301,18199,14699,28699,35688,26,28950,3,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-301,1,0,0,1,0,0,0,0,1,0,0,0,0 -"8911",0,0,0,0,0,100,-400,100,-400,-400,-400,53,31386,3,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3086649,-400,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8912",11500,6000,57500,43500,14000,7569,6469,25069,23969,37969,46469,35,55125,4,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,17969,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8913",0,0,45000,38000,7000,468,-15532,468,-15532,-8532,-2936,37,41763,2,16,1,0,0,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-15532,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8914",0,2000,110000,10000,100000,199,-8051,2199,-6051,93949,96649,45,25353,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-8051,1,0,0,1,0,0,0,0,0,0,0,1,0 -"8915",0,0,200000,61000,139000,3000,3000,3000,3000,142000,144000,42,51900,3,16,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8916",0,5000,0,0,0,2500,2500,7500,7500,7500,43500,35,33690,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,2500,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8917",0,0,175000,0,175000,3300,3300,3300,3300,178300,180800,43,41148,2,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,3300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8918",0,0,70000,46000,24000,7504,7504,7504,7504,31504,38504,44,38835,2,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,7504,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8919",0,0,40000,7800,32200,850,-4408,850,-4408,27792,35125,38,29391,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,-4408,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8920",8000,24000,77000,60000,17000,7499,6399,39499,38399,55399,61493,43,48471,4,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,14399,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8921",13800,1400,90000,48500,41500,800,-1200,16000,14000,55500,55500,45,41814,5,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,12600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8922",14308,1094,70000,33000,37000,100000,100000,115402,115402,152402,157402,52,46998,2,10,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,114308,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8923",0,0,0,0,0,0,0,0,0,0,500,40,16995,3,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8924",0,0,70000,51500,18500,200,-3500,200,-3500,15000,21975,34,49515,2,16,1,0,1,0,1,1,0,0,0,0,0,1,5,4,0.5315816,-3500,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8925",12000,3000,70000,50000,20000,50740,50340,65740,65340,85340,100340,42,61800,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,62340,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8926",90000,3224,140000,49000,91000,120626,119450,243850,242674,333674,400674,52,70872,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,209450,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8927",22000,80000,95000,18500,76500,48499,48499,150499,150499,226999,261999,53,45270,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,70499,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8928",0,5000,0,0,0,1200,800,6200,5800,5800,6100,33,31857,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,800,0,0,0,0,1,0,0,0,0,1,0,0,0 -"8929",5906,25000,300000,53000,247000,20562,14512,51468,45418,292418,292418,48,45702,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,20418,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8930",0,18500,175000,29000,146000,4350,2750,22850,21250,167250,209250,47,51150,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,2750,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8931",0,13000,45000,28000,17000,4250,-450,17250,12550,29550,34892,44,27291,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-450,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8932",0,0,89000,75000,14000,0,-14000,0,-14000,0,69000,32,44703,5,18,0,1,1,1,1,1,0,0,0,0,0,1,5,4,0.4407951,-14000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8933",0,0,0,0,0,2000,2000,2000,2000,2000,2000,48,39321,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,2000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8934",6000,0,100000,20500,79500,499,-1001,6499,4999,84499,95499,50,51234,2,9,1,1,0,1,1,1,0,1,1,0,0,0,6,1,0.7130944,4999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8935",0,475,0,0,0,975,741,1450,1216,1216,5177,43,13248,1,11,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4215196,741,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8936",0,3100,0,0,0,1322,-78,10722,9322,9322,13780,27,49428,2,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.3243191,-78,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8937",5200,3000,0,0,0,18012,16812,26212,25012,25012,33187,48,39246,2,17,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6739899,22012,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8938",0,0,100000,70000,30000,2499,-3501,2499,-3501,26499,30524,43,34950,2,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-3501,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8939",3900,0,190000,62000,128000,104900,104900,108800,108800,236800,296800,56,108621,4,13,0,1,0,0,1,1,0,1,0,0,1,0,7,3,0.5801663,108800,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8940",11000,2300,65000,56000,9000,8200,5200,21500,18500,27500,42500,35,60300,2,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,16200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8941",0,6500,132000,96000,36000,33498,30498,39998,36998,72998,77998,37,78450,3,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,30498,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8942",0,20000,55000,0,55000,2200,250,22200,20250,75250,79750,46,49698,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,250,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8943",0,530,24000,20000,4000,349,-501,879,29,4029,8029,30,17505,3,11,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,-501,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8944",0,50000,37500,0,37500,899,899,50899,50899,88399,88399,61,18669,2,8,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,899,1,0,1,0,0,0,0,0,0,0,0,0,1 -"8945",0,0,85000,81000,4000,750,-1450,750,-1450,2550,13550,26,35583,2,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-1450,1,0,0,0,1,0,0,0,1,0,0,0,0 -"8946",0,18000,95000,60000,35000,5480,5380,23480,23380,58380,58380,33,45201,4,17,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,5380,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8947",20000,600,0,0,0,46284,45884,66884,66484,66484,66484,50,32436,2,16,1,0,0,0,1,1,1,1,0,0,0,1,4,4,0.6739899,65884,0,0,0,0,1,0,0,0,0,0,0,1,0 -"8948",5312,0,46000,46000,0,2375,-6125,7687,-813,-813,4687,45,42534,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,-813,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8949",203,15000,80000,50500,29500,1100,-80,16303,15123,44623,46319,38,42561,9,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,123,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8950",10000,7500,200000,0,200000,45749,45749,63249,63249,263249,471949,46,100011,1,18,0,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4373496,55749,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8951",24000,7600,53000,0,53000,36300,35500,67900,67100,120100,120100,54,49272,2,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,59500,1,0,0,0,0,1,0,0,0,0,0,1,0 -"8952",0,0,180000,110000,70000,0,-3000,0,-3000,67000,67000,38,52236,6,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-3000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8953",0,0,27000,22050,4950,45,-117,45,-117,4833,4833,37,35175,5,9,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,-117,1,0,0,0,1,0,0,0,0,0,1,0,0 -"8954",3500,100,0,0,0,1000,-3000,4600,600,600,8975,27,41256,1,18,0,0,1,0,1,1,1,1,0,0,0,1,5,4,0.3249403,500,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8955",0,14000,90000,72000,18000,15000,13000,29000,27000,45000,55800,31,58500,1,16,1,0,1,0,1,1,1,0,0,0,0,1,6,4,0.7472324,13000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8956",8727,0,40000,29000,11000,2739,539,11466,9266,20266,26562,42,42192,4,13,0,1,0,1,1,1,0,1,0,0,1,0,5,3,0.4624346,9266,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8957",0,1000,0,0,0,400,400,1400,1400,1400,1400,44,14496,5,9,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8958",14000,19200,225000,150000,75000,111999,111939,145199,145139,220139,220139,47,86700,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,125939,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8959",0,530,0,0,0,782,782,1312,1312,1312,3812,26,29344,3,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,782,0,0,0,1,0,0,0,0,1,0,0,0,0 -"8960",11000,1000,140000,91000,49000,11300,11000,23300,23000,72000,72000,38,66036,2,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,22000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8961",0,965,65000,26000,39000,400,-200,1365,765,39765,39765,35,18384,4,12,1,1,0,1,1,1,1,0,0,1,0,0,2,2,0.3623197,-200,1,0,1,0,0,0,0,0,0,1,0,0,0 -"8962",9500,4300,80000,49000,31000,11400,-1100,25200,12700,43700,50800,38,48996,3,15,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,8400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8963",3800,500,20000,20000,0,17500,15500,21800,19800,19800,26796,36,23409,2,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,19300,1,0,0,1,0,0,0,0,0,0,1,0,0 -"8964",0,100,0,0,0,715,615,815,715,715,715,33,43572,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,615,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8965",4100,350,0,0,0,39583,4896,44033,9346,9346,9832,30,42204,3,15,0,1,0,0,1,1,1,1,0,0,1,0,5,3,0.3442089,8996,0,0,0,0,0,1,0,0,0,1,0,0,0 -"8966",0,59000,300000,26500,273500,23199,22849,82199,81849,355349,355349,59,67350,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,22849,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8967",0,1600,100000,58000,42000,1625,-5075,3225,-3475,38525,38525,45,50070,6,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5075,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8968",0,5000,0,0,0,3400,3400,8400,8400,8400,152400,39,61377,5,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.3598378,3400,0,0,0,0,0,0,1,0,0,0,1,0,0 -"8969",60000,0,120000,75600,44400,3000,2500,63000,62500,106900,166900,61,48828,2,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,62500,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8970",0,4000,98000,48000,50000,5700,5600,9700,9600,59600,62600,34,45912,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,5600,1,0,0,0,0,1,0,0,0,1,0,0,0 -"8971",0,10000,50000,0,50000,6325,4825,16325,14825,64825,75925,52,37356,3,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,4825,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8972",0,80000,150000,40000,110000,26000,26000,106000,106000,216000,233175,57,77280,2,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.6891237,26000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"8973",5500,0,86000,76000,10000,4460,3520,9960,9020,19020,99020,56,46911,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,9020,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8974",0,0,200000,100000,100000,6800,2000,6800,2000,102000,102000,36,86403,3,14,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,2000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8975",0,0,0,0,0,1450,-8950,1450,-8950,-8950,-8950,29,49572,2,16,0,1,1,1,1,1,0,0,0,0,0,1,5,4,0.3243191,-8950,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8976",0,6000,50000,42500,7500,28847,28047,34847,34047,41547,43547,33,66939,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,28047,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8977",0,30000,290000,150000,140000,5000,4200,35000,34200,174200,181146,46,100587,2,18,0,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4250903,4200,1,0,0,0,0,0,0,1,0,0,0,1,0 -"8978",0,5000,50000,0,50000,2550,1550,7550,6550,56550,82050,52,51570,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,1550,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8979",0,5000,0,0,0,5700,3700,10700,8700,8700,10769,44,19500,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,3700,0,0,1,0,0,0,0,0,0,0,1,0,0 -"8980",20000,13000,65000,40000,25000,11000,11000,44000,44000,69000,90500,50,52110,2,17,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,31000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8981",20000,0,60000,0,60000,2398,2398,22398,22398,82398,82398,57,46236,3,10,0,1,0,0,1,1,0,1,1,0,0,0,5,1,0.4624346,22398,1,0,0,0,0,1,0,0,0,0,0,0,1 -"8982",0,4500,190000,0,190000,999,559,5499,5059,195059,201002,45,36060,3,13,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,559,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8983",0,0,0,0,0,1349,-3651,1349,-3651,-3651,-301,40,27915,1,16,0,0,1,0,1,1,0,0,0,0,0,1,3,4,0.2060434,-3651,0,0,0,1,0,0,0,0,0,0,1,0,0 -"8984",0,33000,120000,40000,80000,2960,2860,35960,35860,115860,116860,36,48135,4,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,2860,1,0,0,0,0,1,0,0,0,0,1,0,0 -"8985",61000,8500,125000,70500,54500,33200,31200,102700,100700,155200,270200,52,58500,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,92200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8986",0,12000,200000,55000,145000,14199,12199,26199,24199,169199,209199,46,54729,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,12199,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8987",4000,15000,300000,150000,150000,50000,50000,69000,69000,219000,224000,34,107940,4,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,54000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"8988",0,14000,280000,104000,176000,16300,12500,30300,26500,202500,202500,37,106068,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,12500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8989",0,0,180000,62200,117800,1530,1256,1530,1256,119056,119566,47,30645,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,1256,1,0,0,0,1,0,0,0,0,0,0,1,0 -"8990",0,0,210000,42000,168000,4999,-7001,4999,-7001,160999,160999,45,72300,5,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,-7001,1,0,0,0,0,0,1,0,0,0,0,1,0 -"8991",44000,20000,140000,98000,42000,193600,193600,257600,257600,299600,484600,60,71028,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,237600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"8992",0,0,0,0,0,400,-48600,400,-48600,-48600,-40100,35,51384,1,18,1,0,1,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-48600,0,0,0,0,0,0,1,0,0,1,0,0,0 -"8993",0,0,56000,39500,16500,28500,22450,28500,22450,38950,45450,31,58173,2,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,22450,1,0,0,0,0,0,1,0,0,1,0,0,0 -"8994",0,80000,130000,96000,34000,5000,4000,85000,84000,118000,118000,39,83250,2,13,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,4000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"8995",0,0,60000,29000,31000,1500,1500,1500,1500,32500,32500,33,35535,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"8996",0,0,0,0,0,675,-5325,675,-5325,-5325,-2075,48,22650,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-5325,0,0,0,1,0,0,0,0,0,0,0,1,0 -"8997",0,8000,0,0,0,1000,700,9000,8700,8700,13000,26,43230,1,18,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5231876,700,0,0,0,0,0,1,0,0,1,0,0,0,0 -"8998",0,10000,57000,57000,0,5600,5100,15600,15100,15100,15100,40,74220,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,5100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"8999",3000,0,150000,30000,120000,1060,-940,4060,2060,122060,128060,41,34794,4,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.3524857,2060,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9000",0,1850,98000,77400,20600,2162,1355,4012,3205,23805,27305,29,44226,4,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,1355,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9001",600,600,0,0,0,0,-200,1200,1000,1000,1500,36,12156,3,12,0,0,0,0,1,1,1,1,0,1,0,0,2,2,0.105793,400,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9002",5000,10000,70000,65000,5000,800,-7500,15800,7500,12500,30500,37,38208,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,-2500,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9003",0,3800,0,0,0,4813,2713,8613,6513,6513,6513,34,26865,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,2713,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9004",8411,500,180000,0,180000,2249,249,11160,9160,189160,189160,60,30735,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,8660,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9005",0,0,90000,28000,62000,21330,18930,21330,18930,80930,136930,43,28080,5,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,18930,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9006",0,4000,55000,49000,6000,899,899,4899,4899,10899,23899,27,36201,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,899,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9007",12000,30000,100000,65000,35000,1500,1500,43500,43500,78500,113500,44,46890,4,12,1,1,0,1,1,1,1,1,0,1,0,0,5,2,0.7196674,13500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9008",0,13866,16000,12650,3350,15252,13052,29118,26918,30268,31468,38,43599,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,13052,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9009",0,33000,225000,147000,78000,3450,3450,36450,36450,114450,114450,51,76827,3,18,1,1,0,0,1,1,1,0,0,0,0,1,7,4,0.6849159,3450,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9010",0,2500,24000,28518,-4518,0,-420,2500,2080,-2438,-888,34,31983,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,-420,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9011",0,1452,160000,120000,40000,7200,6200,8652,7652,47652,47652,35,64983,5,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,6200,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9012",0,21600,170000,115000,55000,23600,8600,45200,30200,85200,104200,33,43425,5,16,0,1,1,0,1,1,1,0,0,0,0,1,5,4,0.4407951,8600,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9013",0,0,0,0,0,67000,66900,67000,66900,66900,66900,36,55200,3,10,0,1,0,1,1,1,0,0,1,0,0,0,6,1,0.3598378,66900,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9014",0,0,110000,78000,32000,1000,-200,1000,-200,31800,31900,28,23316,1,18,1,0,1,0,1,1,0,0,0,0,0,1,3,4,0.491887,-200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9015",0,3000,110000,110000,0,21680,20210,24680,23210,23210,23210,35,54963,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,20210,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9016",0,178,0,0,0,32114,32114,32292,32292,32292,152292,32,79206,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4572618,32114,0,0,0,0,0,0,0,1,0,1,0,0,0 -"9017",0,0,65000,15000,50000,0,0,0,0,50000,55242,50,17280,4,10,1,0,1,0,1,1,0,0,1,0,0,0,2,1,0.4041266,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9018",0,1200,300000,100000,200000,33999,33999,35199,35199,235199,305199,50,32805,6,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,33999,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9019",13000,20000,245000,130000,115000,20800,17000,53800,50000,165000,227175,51,69786,3,16,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.4868788,30000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9020",0,0,0,0,0,7500,-900,7500,-900,-900,44700,42,32100,1,13,0,0,1,0,1,1,0,0,0,0,1,0,4,3,0.3086649,-900,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9021",6000,7000,165000,150000,15000,17000,17000,30000,30000,45000,45000,34,146250,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,23000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9022",0,105,0,0,0,140,-3134,245,-3029,-3029,-3029,52,27711,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-3134,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9023",8000,2400,0,0,0,2000,-19500,12400,-9100,-9100,-100,39,62184,1,18,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,-11500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9024",1000,32000,65000,40000,25000,10999,10999,43999,43999,68999,78499,42,33336,5,13,0,1,0,0,1,1,1,1,0,0,1,0,4,3,0.3524857,11999,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9025",0,0,30000,20000,10000,1049,-472,1049,-472,9528,9278,42,26370,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,-472,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9026",0,0,64000,64000,0,79600,69300,79600,69300,69300,70300,58,54516,4,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,69300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9027",13300,0,180000,26000,154000,33200,27960,46500,41260,195260,375260,57,79290,4,16,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.5801663,41260,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9028",4000,11880,127000,80000,47000,27400,26750,43280,42630,89630,118630,42,60696,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,30750,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9029",0,1000,0,0,0,0,0,1000,1000,1000,1000,40,14040,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9030",0,0,60000,59150,850,450,-6450,450,-6450,-5600,-5600,29,37812,4,18,1,1,1,1,1,1,0,0,0,0,0,1,4,4,0.5297047,-6450,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9031",0,0,50000,10000,40000,1200,-1800,1200,-1800,38200,40700,35,28470,6,13,0,1,0,1,1,1,0,0,0,0,1,0,3,3,0.273178,-1800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9032",0,8431,150000,117000,33000,35056,34921,43487,43352,76352,87352,49,47727,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,34921,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9033",0,0,0,0,0,2795,2195,2795,2195,2195,2195,51,23634,4,12,1,1,0,0,1,1,0,0,0,1,0,0,3,2,0.4366938,2195,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9034",0,0,0,0,0,3850,3850,3850,3850,3850,4350,29,17400,2,14,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,3850,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9035",0,30000,120000,61000,59000,10800,9800,40800,39800,98800,106800,42,57861,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,9800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9036",11000,29000,130000,78700,51300,4000,4000,44000,44000,95300,99300,43,57180,3,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,15000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9037",0,4000,300000,150000,150000,18950,16950,22950,20950,170950,170950,38,155967,2,18,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,16950,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9038",50000,400,106000,84000,22000,3550,3550,53950,53950,75950,75950,52,103563,4,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,53550,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9039",0,5000,0,0,0,0,-53,5000,4947,4947,4947,41,40308,5,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,-53,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9040",0,2648,0,0,0,9600,9400,12248,12048,12048,13048,48,17214,1,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.1152104,9400,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9041",0,0,180000,75000,105000,2700,-7300,2700,-7300,97700,97700,42,45273,4,15,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-7300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9042",0,2000,200000,85000,115000,40,-13760,2040,-11760,103240,110240,25,23481,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,-13760,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9043",0,0,95000,77000,18000,1200,-733,1200,-733,17267,17267,55,17196,2,14,1,1,0,0,1,1,0,0,0,0,1,0,2,3,0.3623197,-733,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9044",0,0,20000,18000,2000,0,-2100,0,-2100,-100,1900,52,21675,3,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-2100,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9045",0,1000,52000,49000,3000,1200,-1800,2200,-800,2200,10161,43,29373,4,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-1800,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9046",0,0,110000,84100,25900,35000,34475,35000,34475,60375,60375,34,61350,3,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,34475,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9047",0,10500,50000,38500,11500,916,-1584,11416,8916,20416,23082,36,16233,3,10,0,0,1,0,1,1,1,0,1,0,0,0,2,1,0.143074,-1584,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9048",5645,24000,130000,116000,14000,16617,16400,46262,46045,60045,60045,36,94245,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,22045,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9049",2800,8000,90000,50000,40000,5250,5240,16050,16040,56040,63040,45,48747,5,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,8040,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9050",0,0,0,0,0,9636,4636,9636,4636,4636,12231,33,48174,1,18,0,0,1,0,1,1,0,0,0,0,0,1,5,4,0.3055234,4636,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9051",11500,80000,65000,52000,13000,249500,229500,341000,321000,334000,334000,61,103041,2,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,241000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9052",0,0,55000,55000,0,700,-2300,700,-2300,-2300,-2300,37,36384,3,16,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,-2300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9053",0,0,30000,70000,-40000,800,-6700,800,-6700,-46700,-34700,44,55401,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-6700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9054",31000,0,198000,0,198000,8799,8799,39799,39799,237799,237799,63,39039,2,11,1,1,0,1,1,1,0,1,1,0,0,0,4,1,0.5449064,39799,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9055",3200,25000,240000,150000,90000,8750,7250,36950,35450,125450,144150,28,38889,1,16,0,0,1,0,1,1,1,1,0,0,0,1,4,4,0.3669286,10450,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9056",0,0,90000,85000,5000,2999,2499,2999,2499,7499,9624,31,25311,1,14,1,0,1,0,1,1,0,0,0,0,1,0,3,3,0.491887,2499,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9057",0,0,0,0,0,1019,619,1019,619,619,6180,34,23532,2,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,619,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9058",0,140,0,0,0,2067,-408,2207,-268,-268,-268,41,20028,2,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,-408,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9059",0,0,55000,55000,0,25198,23998,25198,23998,23998,30998,43,46872,4,13,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,23998,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9060",0,260,100000,17500,82500,1250,-550,1510,-290,82210,85710,40,36195,4,16,0,1,0,1,1,1,1,0,0,0,0,1,4,4,0.3719455,-550,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9061",0,4300,130000,82000,48000,6936,1336,11236,5636,53636,60321,43,62778,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,1336,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9062",24000,0,129000,0,129000,36050,35940,60050,59940,188940,193265,64,15891,1,12,0,0,1,0,1,1,0,1,0,1,0,0,2,2,0.1320933,59940,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9063",0,77000,48300,48300,0,73800,73640,150800,150640,150640,150840,52,30930,5,18,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,73640,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9064",0,2500,0,0,0,9248,-25152,11748,-22652,-22652,-18652,41,50547,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-25152,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9065",2800,40,265000,102000,163000,17588,16488,20428,19328,182328,184708,30,9894,1,17,0,0,1,0,1,1,1,1,0,0,0,1,1,4,0.1431995,19288,1,1,0,0,0,0,0,0,0,1,0,0,0 -"9066",30000,18600,80000,37000,43000,100000,100000,148600,148600,191600,206300,48,54600,2,18,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,130000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9067",33182,15100,130000,80000,50000,8523,8523,56805,56805,106805,106805,36,68019,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,41705,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9068",0,0,0,0,0,0,0,0,0,0,500,30,19497,1,6,0,0,1,0,1,1,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9069",51400,21000,300000,150000,150000,36275,25775,108675,98175,248175,448175,57,90525,4,12,1,1,0,0,1,1,1,1,0,1,0,0,7,2,0.7316045,77175,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9070",0,0,0,0,0,20700,20700,20700,20700,20700,20700,29,54690,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,20700,0,0,0,0,0,0,1,0,1,0,0,0,0 -"9071",0,3000,0,0,0,300,300,3300,3300,3300,3800,44,20646,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,300,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9072",8167,55000,300000,100000,200000,11905,11805,75072,74972,274972,341775,41,86847,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,19972,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9073",0,9000,50000,22500,27500,200590,188590,209590,197590,225090,234090,48,17820,4,13,0,1,0,1,1,1,1,0,0,0,1,0,2,3,0.1582553,188590,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9074",5600,793,130000,35000,95000,30549,30549,36942,36942,131942,131942,42,69081,5,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,36149,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9075",0,594,130000,100000,30000,0,-5158,594,-4564,25436,25436,33,20196,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-5158,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9076",0,5000,45000,0,45000,7000,7000,12000,12000,57000,58000,32,28740,1,15,1,0,1,0,1,1,1,0,0,0,1,0,3,3,0.491887,7000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9077",62000,970,250000,150000,100000,77100,76590,140070,139560,239560,309560,43,135114,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,138590,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9078",1200,6000,50000,30000,20000,21000,3000,28200,10200,30200,113100,38,43260,4,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,4200,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9079",1040,15000,65000,41000,24000,8000,6400,24040,22440,46440,65940,57,52632,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,7440,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9080",0,3000,60000,40000,20000,1000,-3000,4000,0,20000,20000,46,44922,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-3000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9081",0,65000,210000,136000,74000,29896,12396,94896,77396,151396,152396,32,98607,1,17,0,0,0,0,1,1,1,0,0,0,0,1,7,4,0.4250903,12396,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9082",600,6000,0,0,0,1800,1300,8400,7900,7900,12550,27,37218,1,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,1900,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9083",0,1200,122000,105000,17000,609,-5531,1809,-4331,12669,23570,38,27693,1,16,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,-5531,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9084",0,0,110000,67900,42100,17700,12700,17700,12700,54800,64800,48,51102,4,18,1,1,1,1,1,1,0,0,0,0,0,1,6,4,0.6688337,12700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9085",0,0,0,0,0,549,-11,549,-11,-11,5739,42,5409,1,11,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0.3021799,-11,0,1,0,0,0,0,0,0,0,0,1,0,0 -"9086",0,6000,34000,20000,14000,11200,10050,17200,16050,30050,73050,51,42606,2,11,1,1,0,1,1,1,1,0,1,0,0,0,5,1,0.6077043,10050,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9087",0,8000,0,0,0,1000,-11240,9000,-3240,-3240,3728,36,47892,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-11240,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9088",0,2000,0,0,0,2600,2600,4600,4600,4600,5100,59,14292,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,2600,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9089",3813,40000,79000,62100,16900,5000,-2572,48813,41241,58141,58141,42,48900,3,14,1,1,0,0,1,1,1,1,0,0,1,0,5,3,0.7196674,1241,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9090",7417,0,30000,15000,15000,759,-90,8176,7327,22327,22327,44,49422,3,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,7327,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9091",37000,80000,125000,12000,113000,83000,83000,200000,200000,313000,313000,57,70845,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,120000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9092",0,22000,89000,60000,29000,14600,14540,36600,36540,65540,72040,43,59757,2,14,0,1,1,1,1,1,1,0,0,0,1,0,6,3,0.5405443,14540,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9093",0,0,90000,75000,15000,3050,50,3050,50,15050,21550,44,41298,4,17,0,1,0,1,1,1,0,0,0,0,0,1,5,4,0.4407951,50,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9094",0,0,0,0,0,45,45,45,45,45,45,29,14400,4,11,0,1,0,0,1,1,0,0,1,0,0,0,2,1,0.1283302,45,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9095",0,0,40000,28000,12000,2800,-3200,2800,-3200,8800,9000,44,35652,2,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-3200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9096",0,1000,0,0,0,10049,8249,11049,9249,9249,9849,29,39774,3,16,0,1,1,1,1,1,1,0,0,0,0,1,4,4,0.2951996,8249,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9097",0,16800,150000,60000,90000,9500,9335,26300,26135,116135,116135,32,66840,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,9335,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9098",10150,38000,87000,65000,22000,9400,2400,57550,50550,72550,102550,42,75573,3,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,12550,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9099",0,8000,65000,65000,0,8000,6500,16000,14500,14500,14500,33,79860,2,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,6500,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9100",0,480,102000,85000,17000,4070,-18730,39550,16750,33750,33750,36,64815,3,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-18730,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9101",0,0,0,0,0,450,450,450,450,450,5693,47,30000,3,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6600804,450,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9102",9150,20000,135000,125100,9900,12555,4255,41705,33405,43305,52405,36,83472,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,13405,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9103",0,30000,300000,107000,193000,0,-5600,30000,24400,217400,223825,47,44400,3,12,0,0,1,0,1,1,1,0,0,1,0,0,5,2,0.4200058,-5600,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9104",0,0,69000,3200,65800,3485,-1465,3485,-1465,64335,79335,42,76527,4,18,0,1,0,1,1,1,0,0,0,0,0,1,7,4,0.5679367,-1465,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9105",0,0,15000,0,15000,499,249,499,249,15249,20624,33,31014,1,14,1,0,1,0,1,1,0,0,0,0,1,0,4,3,0.6028074,249,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9106",7500,25500,250000,115000,135000,21500,21500,54500,54500,189500,189500,39,97935,4,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,29000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9107",10000,800,60000,25000,35000,8875,7375,19675,18175,53175,60575,50,51732,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17375,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9108",0,600,92000,0,92000,1300,1300,1900,1900,93900,105168,30,14928,4,10,0,1,1,1,1,1,1,0,1,0,0,0,2,1,0.1582553,1300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9109",0,2000,0,0,0,310,-9690,2310,-7690,-7690,-7390,27,14760,1,15,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,-9690,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9110",0,2500,50000,48100,1900,750,-25,3250,2475,4375,4675,30,13503,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-25,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9111",5600,0,85000,85000,0,250,-750,5850,4850,4850,20953,35,26241,1,12,0,0,1,0,1,1,0,1,0,1,0,0,3,2,0.2658667,4850,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9112",0,300,60000,25000,35000,5000,5000,5300,5300,40300,40300,38,38400,4,18,0,1,0,0,1,1,1,0,0,0,0,1,4,4,0.3719455,5000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9113",0,37000,100000,58900,41100,9719,4119,46719,41119,82219,91719,35,75372,4,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,4119,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9114",0,2500,0,0,0,910,-11190,3410,-8690,-8690,-8690,28,30897,2,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-11190,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9115",17500,0,65000,25000,40000,27099,27099,44599,44599,84599,84599,61,68889,2,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,44599,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9116",0,1000,90000,90000,0,4600,3600,5600,4600,4600,4600,29,36801,3,16,0,1,1,0,1,1,1,0,0,0,0,1,4,4,0.3719455,3600,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9117",15000,0,185000,150000,35000,5349,4949,20349,19949,54949,63274,48,26925,4,14,1,0,0,0,1,1,0,1,0,0,1,0,3,3,0.4720998,19949,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9118",0,1500,95000,89000,6000,1299,-7701,2799,-6201,-201,-201,36,58302,5,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-7701,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9119",18000,20000,190000,36000,154000,37000,37000,75000,75000,229000,235000,49,102108,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,55000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9120",0,5000,150000,115000,35000,84370,76270,89370,81270,116270,117270,30,53550,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,76270,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9121",0,7000,0,0,0,2000,-43000,9000,-36000,-36000,-33947,50,31260,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,-43000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9122",0,4000,42000,39900,2100,2575,-3275,6575,725,2825,24825,34,53556,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-3275,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9123",0,6000,150000,0,150000,4660,-1340,10660,4660,154660,212335,54,37320,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-1340,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9124",0,3500,80000,53000,27000,12050,12050,15550,15550,42550,42550,48,42825,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,12050,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9125",19000,6800,60000,21000,39000,1000,-3200,26800,22600,61600,77600,40,68175,5,12,1,1,1,1,1,1,1,1,0,1,0,0,6,2,0.7130944,15800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9126",0,0,0,0,0,1560,1560,1560,1560,1560,4326,35,16395,1,15,1,0,1,0,1,1,0,0,0,0,1,0,2,3,0.4215196,1560,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9127",26833,0,90000,72300,17700,371532,371408,398365,398241,415941,415941,35,153018,2,16,0,1,0,1,1,1,0,1,0,0,0,1,7,4,0.5801663,398241,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9128",0,8000,200000,88000,112000,850,850,8850,8850,120850,120850,52,30102,3,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5297047,850,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9129",10000,0,260000,150000,110000,35000,34500,45000,44500,154500,362000,36,47556,4,14,1,1,0,1,1,1,0,1,0,0,1,0,5,3,0.7196674,44500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9130",0,16000,0,0,0,4037,-1963,20037,14037,14037,14037,36,54060,3,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.3598378,-1963,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9131",0,0,0,0,0,300,300,300,300,300,1550,38,42060,1,14,1,0,1,0,1,1,0,0,0,0,1,0,5,3,0.5231876,300,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9132",0,57396,95000,25000,70000,1425,-3575,58821,53821,123821,123821,56,69162,7,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-3575,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9133",2500,29000,150000,68000,82000,499,99,31999,31599,113599,119607,40,51030,1,15,1,0,1,0,1,1,1,1,0,0,1,0,6,3,0.7856908,2599,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9134",0,21000,76000,26000,50000,548,548,21548,21548,71548,71548,62,39342,5,8,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,548,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9135",9300,0,220000,0,220000,2100,2100,11400,11400,231400,231400,58,73830,6,15,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,11400,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9136",15000,5000,100000,45000,55000,8700,8100,28700,28100,83100,83100,47,71217,2,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,23100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9137",0,0,0,0,0,1100,-1900,1100,-1900,-1900,28325,42,27231,1,13,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,-1900,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9138",0,60,95000,73000,22000,3908,3708,3968,3768,25768,40768,36,39066,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,3708,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9139",16000,20000,300000,150000,150000,52500,35500,88500,71500,221500,230500,54,124020,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,51500,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9140",16000,80000,155000,0,155000,9999,6799,105999,102799,257799,265799,64,103431,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,22799,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9141",0,0,0,0,0,21800,6975,21800,6975,6975,12975,28,21534,3,13,0,1,1,1,1,1,0,0,0,0,1,0,3,3,0.2092901,6975,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9142",0,1500,300000,0,300000,79400,79000,80900,80500,380500,399500,52,78480,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,79000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9143",1200,350,0,0,0,6500,3000,8050,4550,4550,4550,34,48501,4,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.3442089,4200,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9144",0,12000,66000,0,66000,63499,61499,75499,73499,139499,139683,54,31290,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,61499,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9145",0,0,0,0,0,3000,-5000,3000,-5000,-5000,-2640,40,42960,1,16,0,0,0,0,1,1,0,0,0,0,0,1,5,4,0.3055234,-5000,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9146",0,0,200000,150000,50000,6300,-4700,6300,-4700,45300,45300,55,87663,4,14,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,-4700,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9147",6000,22000,200000,121500,78500,12000,10000,40000,38000,116500,116500,40,68271,4,17,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,16000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9148",50000,73000,225000,140000,85000,270000,265000,393000,388000,473000,829000,49,152490,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,315000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9149",6000,0,0,0,0,99,99,6099,6099,6099,7406,40,23619,2,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.5117899,6099,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9150",0,80,0,0,0,100,-21100,180,-21020,-21020,-15852,25,21456,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-21100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9151",0,0,0,0,0,470,-30,470,-30,-30,4320,36,34329,1,17,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-30,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9152",0,3500,147500,125000,22500,6000,1000,9500,4500,27000,27000,34,67800,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,1000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9153",13000,13000,5000,5000,0,300,-5700,26300,20300,20300,22300,44,48120,4,15,1,1,0,1,1,1,1,1,0,0,1,0,5,3,0.7196674,7300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9154",200,13300,60000,58000,2000,3150,2750,16650,16250,18250,28250,25,35505,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,2950,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9155",0,0,250000,42000,208000,12400,12000,12400,12000,220000,220000,59,47700,6,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.6077043,12000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9156",0,2000,60000,11000,49000,0,-5000,2000,-3000,46000,46500,48,13845,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,-5000,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9157",5500,0,70000,25000,45000,51198,51198,56698,56698,101698,104198,42,44133,4,18,1,1,0,1,1,1,0,1,0,0,0,1,5,4,0.7196674,56698,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9158",0,1300,270000,50000,220000,17000,13300,18300,14600,234600,235600,51,21750,2,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,13300,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9159",9400,10700,70000,34500,35500,4117,4117,24217,24217,59717,59717,50,54540,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13517,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9160",0,8000,65000,29900,35100,969,-6066,8969,1934,37034,39409,34,30543,3,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-6066,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9161",10000,0,0,0,0,32050,32050,42050,42050,42050,122050,38,76941,4,15,0,1,0,1,1,1,0,1,0,0,1,0,7,3,0.4696543,42050,0,0,0,0,0,0,0,1,0,0,1,0,0 -"9162",0,700,88000,84440,3560,3748,2098,4448,2798,6358,15158,30,54906,5,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2098,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9163",0,0,22000,3202,18798,5,-2039,5,-2039,16759,16759,30,17901,4,11,0,1,1,1,1,1,0,0,1,0,0,0,2,1,0.1582553,-2039,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9164",10000,56000,160000,47000,113000,12100,9200,78100,75200,188200,313200,42,79134,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,19200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9165",10000,44000,50000,0,50000,31124,3184,85124,57184,107184,109184,62,24966,1,15,1,0,0,0,1,1,1,1,0,0,1,0,3,3,0.4720998,13184,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9166",0,0,160000,0,160000,0,0,0,0,160000,163450,62,44361,1,12,1,0,0,0,1,1,0,0,0,1,0,0,5,2,0.5315816,0,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9167",0,500,0,0,0,9000,5430,9500,5930,5930,7430,44,43914,2,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5231876,5430,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9168",0,80000,245000,150000,95000,1249,-11551,81249,68449,163449,174124,41,54075,1,18,0,0,1,0,1,1,1,0,0,0,0,1,6,4,0.4938007,-11551,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9169",0,0,0,0,0,0,0,0,0,0,0,55,29250,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,0,0,0,0,1,0,0,0,0,0,0,0,0,1 -"9170",0,5000,0,0,0,0,0,5000,5000,5000,5000,59,16320,5,9,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9171",0,2100,0,0,0,1125,1125,3225,3225,3225,3425,46,40362,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.5995759,1125,0,0,0,0,0,1,0,0,0,0,0,1,0 -"9172",0,0,75000,40600,34400,300,-7200,300,-7200,27200,37400,44,26232,3,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,-7200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9173",10000,4500,0,0,0,2797,2647,17297,17147,17147,19197,46,41580,2,16,1,0,1,0,1,1,1,1,0,0,0,1,5,4,0.6430668,12647,0,0,0,0,0,1,0,0,0,0,0,1,0 -"9174",0,1000,17000,17000,0,300,300,1300,1300,1300,1300,37,6168,5,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.036628,300,1,1,0,0,0,0,0,0,0,0,1,0,0 -"9175",40000,2500,100000,50000,50000,6158,5458,48658,47958,97958,97958,55,108420,3,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,45458,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9176",0,6000,62000,24900,37100,0,-400,6000,5600,42700,42700,52,12954,5,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-400,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9177",0,0,0,0,0,275,275,275,275,275,1775,32,15705,3,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,275,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9178",0,0,60000,0,60000,200,200,200,200,60200,60200,55,25638,2,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9179",0,0,70000,24000,46000,700,700,700,700,46700,61700,40,62136,5,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9180",0,7000,169000,101000,68000,16402,12102,23402,19102,87102,90802,51,74613,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,12102,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9181",0,28160,200000,150000,50000,2800,2800,30960,30960,80960,86202,35,30090,3,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,2800,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9182",0,8400,85000,55000,30000,7350,6850,15750,15250,45250,80250,35,31050,3,15,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,6850,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9183",0,0,0,0,0,5,5,5,5,5,2281,34,17550,1,16,1,0,1,0,1,1,0,0,0,0,0,1,2,4,0.4215196,5,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9184",0,0,0,0,0,400,400,400,400,400,400,43,22242,2,14,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.5315681,400,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9185",52000,55000,72000,68000,4000,93250,89250,200250,196250,200250,200250,37,95175,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,141250,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9186",0,9000,0,0,0,1999,-2001,10999,6999,6999,6999,37,43050,5,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-2001,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9187",0,5800,0,0,0,149,-91,5949,5709,5709,5709,35,28407,4,11,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.2092901,-91,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9188",2500,20000,86400,86400,0,8000,4000,30500,26500,26500,35950,34,55782,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.4868788,6500,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9189",0,1200,5000,0,5000,750,-850,1950,350,5350,7850,47,17562,1,14,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-850,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9190",6000,4500,85000,80000,5000,71000,70000,81500,80500,85500,113500,59,78972,2,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,76000,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9191",6050,0,150000,50000,100000,25899,24899,31949,30949,130949,138420,31,53100,1,12,1,0,1,0,1,1,0,1,0,1,0,0,6,2,0.7856908,30949,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9192",25900,4500,170000,88000,82000,55900,55900,86300,86300,168300,184050,41,59580,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,81800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9193",6033,42000,300000,135000,165000,13997,13997,62030,62030,227030,228530,41,57642,1,16,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,20030,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9194",0,13000,25000,15000,10000,0,0,13000,13000,23000,23000,42,35100,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9195",17800,28347,75000,0,75000,15500,-2700,61647,43447,118447,122947,58,66504,2,18,1,1,0,0,1,1,1,1,0,0,0,1,6,4,0.7130944,15100,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9196",0,10000,37000,33000,4000,0,-1800,10000,8200,12200,12200,38,50574,6,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9197",0,3400,12000,10000,2000,4800,4800,8200,8200,10200,17679,32,20640,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.491887,4800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9198",0,14000,80000,52000,28000,2500,1000,16500,15000,43000,43000,29,33375,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,1000,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9199",0,0,0,0,0,3500,2300,3500,2300,2300,5650,30,29958,1,16,0,0,1,0,1,1,0,0,0,0,0,1,3,4,0.2060434,2300,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9200",0,5000,115000,26000,89000,1420,1420,6420,6420,95420,103420,58,13275,2,12,1,1,0,0,1,1,1,0,0,1,0,0,2,2,0.3623197,1420,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9201",0,6000,85000,41000,44000,3100,-1100,9100,4900,48900,53400,52,45090,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,-1100,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9202",0,0,0,0,0,52,-8948,52,-8948,-8948,8052,54,52521,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.3598378,-8948,0,0,0,0,0,0,1,0,0,0,0,1,0 -"9203",0,4000,175000,55000,120000,24100,24100,28100,28100,148100,148100,44,65976,3,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,24100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9204",0,1000,175000,150000,25000,5600,5100,6600,6100,31100,35775,31,43026,3,15,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,5100,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9205",17000,0,75000,0,75000,82000,82000,99000,99000,174000,179275,44,64200,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,99000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9206",0,0,0,0,0,0,0,0,0,0,3350,53,10761,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9207",0,70000,110000,70000,40000,3800,3800,73800,73800,113800,113800,53,100008,2,1,0,1,0,0,1,1,1,0,1,0,0,0,7,1,0.5679367,3800,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9208",21500,9000,175000,140000,35000,5800,5600,36300,36100,71100,83100,29,94125,2,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,27100,1,0,0,0,0,0,0,1,1,0,0,0,0 -"9209",8000,14000,120000,110000,10000,82500,80800,104500,102800,112800,122100,40,88698,5,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,88800,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9210",0,6000,0,0,0,695,-5580,6695,420,420,2920,32,28374,2,16,1,1,0,0,1,1,1,0,0,0,0,1,3,4,0.4366938,-5580,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9211",0,5500,0,0,0,0,0,5500,5500,5500,6000,60,9900,1,9,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.0278493,0,0,1,0,0,0,0,0,0,0,0,0,0,1 -"9212",0,40000,300000,150000,150000,20000,16600,60000,56600,206600,206600,35,102705,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,16600,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9213",4000,0,85000,70000,15000,76800,74700,80800,78700,93700,100342,47,42639,2,18,1,0,1,0,1,1,0,1,0,0,0,1,5,4,0.650903,78700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9214",0,1711,0,0,0,550,-12270,2261,-10559,-10559,-6859,32,53364,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,-12270,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9215",32006,40454,225000,150000,75000,89783,89383,162243,161843,236843,416843,48,132009,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,121389,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9216",18325,18000,80000,33000,47000,3000,400,39325,36725,83725,100925,40,54816,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,18725,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9217",0,8000,190000,85000,105000,83149,82149,91149,90149,195149,211149,36,69636,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,82149,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9218",3500,36000,75000,67000,8000,10000,7500,49500,47000,55000,276000,44,156600,3,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,11000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9219",43230,66239,300000,150000,150000,669159,669159,778628,778628,928628,939628,43,146577,5,13,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,712389,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9220",0,2500,30000,0,30000,434,-966,2934,1534,31534,31534,51,40683,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-966,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9221",0,0,93000,86000,7000,1700,-4384,1700,-4384,2616,11891,43,34752,1,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-4384,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9222",3580,0,200000,28000,172000,53000,51800,56580,55380,227380,227380,43,68808,4,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,55380,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9223",0,3400,70000,48000,22000,15399,15399,18799,18799,40799,40799,28,28215,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,15399,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9224",0,4000,92000,69000,23000,5150,2950,9150,6950,29950,30950,54,66945,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2950,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9225",10000,36000,120000,75000,45000,90000,90000,136000,136000,181000,181000,44,67800,5,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,100000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9226",0,1800,30000,0,30000,999,999,2799,2799,32799,39324,60,14850,1,8,1,0,1,0,1,1,1,0,1,0,0,0,2,1,0.4041266,999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9227",10000,80000,210000,125000,85000,0,-1000,90000,89000,174000,278000,49,96000,2,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,9000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9228",0,1500,87000,87000,0,1000,-2000,2500,-500,-500,4000,36,40212,4,16,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,-2000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9229",0,15000,124000,124000,0,2050,-4200,17050,10800,10800,10911,36,110985,4,16,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-4200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9230",0,0,157000,110000,47000,21000,21000,21000,21000,68000,89000,41,66588,2,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,21000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9231",0,25000,85000,44000,41000,8000,8000,33000,33000,74000,77375,34,33258,1,15,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,8000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9232",0,3500,0,0,0,7900,5900,11400,9400,9400,15066,30,59748,1,16,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.5906146,5900,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9233",0,0,72500,71000,1500,300,-2900,300,-2900,-1400,11600,38,59469,3,17,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-2900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9234",0,5000,61000,61000,0,15749,-201,20749,4799,4799,13799,49,76896,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-201,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9235",0,19300,84000,56000,28000,900,550,20200,19850,47850,78850,25,37953,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,550,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9236",0,4000,65000,0,65000,199,-1201,4199,2799,67799,67799,53,43887,2,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-1201,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9237",14000,8000,300000,25000,275000,8200,5500,30200,27500,302500,308500,59,68790,5,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,19500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9238",0,600,300000,150000,150000,449,-51,1049,549,150549,150549,34,68817,5,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-51,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9239",0,0,35000,22500,12500,999,-1801,999,-1801,10699,13699,31,31971,4,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,-1801,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9240",54500,69000,200000,110000,90000,22400,15900,145900,139400,229400,297400,40,100455,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,70400,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9241",0,3500,7000,0,7000,6220,-4755,9720,-1255,5745,5745,30,25758,2,17,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-4755,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9242",0,0,70000,33000,37000,5960,5260,5960,5260,42260,58260,50,20484,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,5260,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9243",0,7273,34000,30000,4000,400,-3600,7673,3673,7673,14134,29,28122,2,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,-3600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9244",0,0,0,0,0,5999,-5501,5999,-5501,-5501,-4781,33,63660,2,13,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.3598378,-5501,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9245",11000,65311,125000,93000,32000,3824,3749,80135,80060,112060,133935,42,71478,1,16,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,14749,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9246",0,300,42000,20000,22000,700,100,1000,400,22400,22400,47,15000,6,10,0,1,0,1,1,1,1,0,1,0,0,0,2,1,0.1582553,100,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9247",0,20000,63000,0,63000,7999,7999,27999,27999,90999,94349,57,17484,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.143074,7999,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9248",5000,5000,300000,150000,150000,70000,69500,80000,79500,229500,229500,41,89952,4,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,74500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9249",0,0,110000,0,110000,2200,2200,2200,2200,112200,114200,50,40905,2,12,1,0,1,0,1,1,0,0,0,1,0,0,5,2,0.5315816,2200,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9250",5500,0,150000,90000,60000,57999,57999,63499,63499,123499,228499,46,78654,4,16,0,1,0,0,1,1,0,1,0,0,0,1,7,4,0.5801663,63499,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9251",20000,0,70000,21000,49000,6000,-2400,26000,17600,66600,73400,44,78762,4,18,1,1,0,1,1,1,0,1,0,0,0,1,7,4,0.7316045,17600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9252",0,11000,0,0,0,2400,2400,13400,13400,13400,19700,45,32973,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,2400,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9253",0,500,90000,65000,25000,2449,-1251,2949,-751,24249,24249,43,32046,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1251,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9254",0,12000,150000,50000,100000,7800,7800,19800,19800,119800,119800,44,42840,6,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,7800,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9255",0,13000,175000,0,175000,5250,5250,18250,18250,193250,212650,64,36036,1,13,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,5250,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9256",0,0,38000,23000,15000,6999,4499,6999,4499,19499,19499,34,34557,2,16,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,4499,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9257",11000,18000,175000,25000,150000,2600,-15400,31600,13600,163600,225600,62,90726,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,-4400,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9258",0,0,160000,35000,125000,5100,5100,5100,5100,130100,130100,35,34080,6,8,0,1,0,1,1,1,0,0,1,0,0,0,4,1,0.3719455,5100,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9259",18000,6000,50000,0,50000,5049,-1951,29049,22049,72049,76049,47,25383,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,16049,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9260",0,4250,0,0,0,4399,2899,8649,7149,7149,76669,33,38880,1,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6600804,2899,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9261",0,400,55000,55000,0,2000,-2000,2400,-1600,-1600,-1600,48,55743,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9262",0,9000,94000,94000,0,1800,-3685,10800,5315,5315,16315,40,75402,2,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,-3685,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9263",0,0,300000,129000,171000,4999,-1801,4999,-1801,169199,169199,35,72420,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,-1801,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9264",0,80,90000,0,90000,2350,1950,2430,2030,92030,92780,47,26103,2,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.491887,1950,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9265",0,1000,54800,45000,9800,2200,-17000,3200,-16000,-6200,-2200,40,42048,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,-17000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9266",0,1500,0,0,0,2500,-100,4000,1400,1400,6200,28,30381,3,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5896286,-100,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9267",0,5000,170000,64000,106000,8900,5900,13900,10900,116900,119900,42,24780,3,18,1,0,0,0,1,1,1,0,0,0,0,1,3,4,0.491887,5900,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9268",0,0,0,0,0,0,0,0,0,0,0,51,16320,10,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1283302,0,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9269",0,6000,0,0,0,49999,49999,55999,55999,55999,62349,39,32253,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,49999,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9270",24000,52000,120000,35000,85000,43000,42880,127300,127180,212180,212180,53,63000,4,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,66880,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9271",0,13300,79000,79000,0,146900,146900,160200,160200,160200,260200,32,53946,3,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,146900,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9272",0,9000,115000,81000,34000,2000,-650,11000,8350,42350,50350,39,67488,5,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9273",0,0,300000,150000,150000,37868,36068,37868,36068,186068,186068,46,62691,4,16,0,1,0,0,1,1,0,0,0,0,0,1,6,4,0.5405443,36068,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9274",400,15000,225000,140000,85000,23500,23500,38900,38900,123900,123900,38,146100,4,16,1,1,0,0,1,1,1,1,0,0,0,1,7,4,0.7316045,23900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9275",20000,80000,90000,0,90000,50000,50000,150000,150000,240000,240000,49,96153,3,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,70000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9276",0,3000,67900,66000,1900,27500,27350,30500,30350,32250,36475,40,41196,2,16,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,27350,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9277",7800,2000,230000,100000,130000,28460,27492,38260,37292,167292,171292,53,80676,2,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,35292,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9278",0,500,0,0,0,100,-300,600,200,200,2866,56,18588,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-300,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9279",0,1000,60000,56000,4000,1809,9,2809,1009,5009,13009,30,51711,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,9,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9280",7114,0,160000,0,160000,30809,30809,37923,37923,197923,205923,63,40203,4,12,0,1,0,0,1,1,0,1,0,1,0,0,5,2,0.4624346,37923,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9281",0,12000,85000,0,85000,3749,1849,15749,13849,98849,98849,44,52476,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,1849,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9282",54000,25000,165000,100000,65000,140500,129500,219500,208500,273500,273500,50,69150,4,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,183500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9283",0,0,40000,18000,22000,88,-2586,88,-2586,19414,28414,38,33606,7,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,-2586,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9284",0,382,0,0,0,6249,-451,6631,-69,-69,4731,28,53598,2,16,0,1,1,1,1,1,1,0,0,0,0,1,6,4,0.3598378,-451,0,0,0,0,0,0,1,0,1,0,0,0,0 -"9285",0,0,150000,119000,31000,42000,38000,42000,38000,69000,70750,48,30804,2,12,1,0,0,0,1,1,0,0,0,1,0,0,4,2,0.6028074,38000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9286",13250,0,200000,0,200000,1400,-600,14650,12650,212650,212650,41,64245,4,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,12650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9287",0,3900,53500,29000,24500,963,863,4863,4763,29263,34263,27,24693,3,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,863,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9288",15000,21000,0,0,0,14536,7036,50536,43036,43036,63986,38,41334,1,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.6430668,22036,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9289",0,0,58000,24000,34000,325,-1175,325,-1175,32825,40425,30,16596,7,12,0,1,0,1,1,1,0,0,0,1,0,0,2,2,0.1582553,-1175,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9290",0,0,0,0,0,20,-30480,20,-30480,-30480,-30480,51,9435,3,16,1,0,0,0,1,1,0,0,0,0,0,1,1,4,0.3021799,-30480,0,1,0,0,0,0,0,0,0,0,0,1,0 -"9291",0,835,0,0,0,0,0,835,835,835,10835,47,41361,2,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,1,0 -"9292",0,10700,41900,41900,0,99,99,10799,10799,10799,14499,50,100002,1,12,1,0,1,0,1,1,1,0,0,1,0,0,7,2,0.6891237,99,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9293",0,36448,57000,29400,27600,12048,11998,48496,48446,76046,91046,44,78783,4,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,11998,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9294",20500,7000,140000,75000,65000,52700,52400,80200,79900,144900,156400,47,102630,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,72900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9295",0,2000,29000,18000,11000,8000,3000,10000,5000,16000,34000,42,57300,5,15,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,3000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9296",0,2000,90000,0,90000,14998,14998,16998,16998,106998,136998,56,33414,3,11,1,1,0,1,1,1,1,0,1,0,0,0,4,1,0.5297047,14998,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9297",0,1000,125000,113200,11800,5302,5302,6302,6302,18102,31327,26,37641,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,5302,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9298",0,300,125000,0,125000,81200,70400,81500,70700,195700,202575,33,30762,2,13,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,70400,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9299",0,0,0,0,0,100,-10100,100,-10100,-10100,-10100,35,31242,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-10100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9300",0,2900,70000,56000,14000,24099,19735,26999,22635,36635,36635,41,56220,2,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,19735,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9301",1000,0,0,0,0,250,-5750,1250,-4750,-4750,2250,52,45246,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.3442089,-4750,0,0,0,0,0,1,0,0,0,0,0,1,0 -"9302",0,0,63000,57000,6000,6800,-9800,6800,-9800,-3800,9200,33,52962,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-9800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9303",0,4000,85000,41400,43600,3900,2600,7900,6600,50200,50200,42,70635,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,2600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9304",0,0,190000,80000,110000,8440,440,8440,440,110440,110440,49,61866,5,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,440,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9305",3500,700,135000,80000,55000,1710,310,5910,4510,59510,75010,39,38208,7,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,3810,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9306",0,67,0,0,0,8800,8070,8867,8137,8137,8137,44,20325,1,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,8070,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9307",0,12000,0,0,0,5500,4700,17500,16700,16700,19750,31,29562,1,17,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,4700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9308",0,4400,60000,48000,12000,300,-700,4700,3700,15700,27800,44,52503,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9309",0,13000,0,0,0,4420,4420,17420,17420,17420,63420,30,36750,1,14,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,4420,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9310",0,10000,130000,112000,18000,5000,1100,15000,11100,29100,29100,32,49920,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,1100,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9311",0,11000,0,0,0,2209,9,13209,11009,11009,14359,45,20943,2,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,9,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9312",4800,0,75000,34800,40200,330,-70,5130,4730,44930,49130,44,53844,4,12,1,1,0,1,1,1,0,1,0,1,0,0,6,2,0.7130944,4730,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9313",0,575,34500,34500,0,125,-8875,700,-8300,-8300,-4050,38,29046,5,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-8875,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9314",0,3600,0,0,0,350,-2100,3950,1500,1500,1500,51,19866,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2100,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9315",3700,21000,185000,149000,36000,16496,14596,41196,39296,75296,140296,30,70962,3,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,18296,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9316",0,0,35000,0,35000,45500,43500,45500,43500,78500,83825,51,57783,2,13,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,43500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9317",0,0,0,0,0,3822,2757,3822,2757,2757,5257,35,40719,3,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.3243191,2757,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9318",4066,600,40000,20000,20000,15050,13300,19716,17966,37966,44966,44,37620,2,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,17366,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9319",0,2200,45000,39600,5400,11000,10500,13200,12700,18100,18100,31,31494,4,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,10500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9320",0,500,0,0,0,200,-14800,700,-14300,-14300,-10100,36,46533,6,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-14800,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9321",0,0,190000,90000,100000,249,-3751,249,-3751,96249,104249,38,45027,5,14,0,1,0,1,1,1,0,0,0,0,1,0,5,3,0.4407951,-3751,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9322",0,6000,70000,61000,9000,0,0,6000,6000,15000,15000,30,36720,3,8,1,1,1,1,1,1,1,0,1,0,0,0,4,1,0.5297047,0,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9323",4700,15000,65000,0,65000,24000,23600,43700,43300,108300,122200,53,60282,3,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,28300,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9324",0,1000,76000,28000,48000,288,-1567,1288,-567,47433,54233,26,22914,4,1,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-1567,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9325",0,33000,45000,18500,26500,25175,24775,58175,57775,84275,99594,36,69003,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,24775,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9326",0,0,60000,52000,8000,100,-5900,100,-5900,2100,3037,36,77469,2,12,1,1,0,1,1,1,0,0,0,1,0,0,7,2,0.6849159,-5900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9327",0,40000,60000,38500,21500,6250,5650,46250,45650,67150,94150,42,52758,5,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,5650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9328",0,250,100000,69000,31000,0,0,250,250,31250,40750,42,24132,6,11,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9329",24164,5200,150000,35000,115000,99847,99647,129211,129011,244011,387011,44,56802,4,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,123811,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9330",0,6000,0,0,0,1500,1000,7500,7000,7000,14400,25,33630,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,1000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9331",0,42000,0,0,0,700,-2020,42700,39980,39980,42480,36,19296,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-2020,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9332",0,12000,58000,38500,19500,2203,203,14203,12203,31703,32103,35,39876,3,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,203,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9333",0,0,0,0,0,1225,-6545,1225,-6545,-6545,-6545,26,45651,3,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-6545,0,0,0,0,0,1,0,0,1,0,0,0,0 -"9334",0,4000,100000,34000,66000,31210,9704,35210,13704,79704,93704,37,81432,4,14,0,1,1,1,1,1,1,0,0,0,1,0,7,3,0.5679367,9704,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9335",0,25000,120000,83000,37000,12600,12600,37600,37600,74600,81843,27,44160,1,16,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,12600,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9336",0,4000,0,0,0,38000,33000,42000,37000,37000,37050,30,80250,1,14,1,0,1,0,1,1,1,0,0,0,1,0,7,3,0.4394569,33000,0,0,0,0,0,0,0,1,0,1,0,0,0 -"9337",0,3200,300000,26000,274000,919,-1081,4119,2119,276119,276119,42,31596,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-1081,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9338",0,240,0,0,0,0,-900,240,-660,-660,-660,46,20406,5,12,0,1,1,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-900,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9339",0,0,26500,26500,0,3700,2700,3700,2700,2700,2700,39,45564,4,11,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,2700,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9340",0,8000,65000,39000,26000,6806,6006,14806,14006,40006,45006,37,33174,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,6006,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9341",29000,75000,275000,95000,180000,192136,191136,296136,295136,475136,904136,50,61158,2,14,1,1,0,0,1,1,1,1,0,0,1,0,6,3,0.7130944,220136,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9342",0,0,150000,136000,14000,1200,-10800,1200,-10800,3200,6550,42,38316,3,15,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6028074,-10800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9343",7600,4000,50000,20000,30000,1300,-3275,12900,8325,38325,95836,57,84927,3,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,4325,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9344",0,11550,160000,99000,61000,11494,10294,23044,21844,82844,82844,36,50025,4,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,10294,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9345",0,0,18000,0,18000,1050,1050,1050,1050,19050,19050,45,24018,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.273178,1050,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9346",50000,9000,300000,60000,240000,0,-2200,59000,56800,296800,297700,44,28125,4,11,0,1,0,0,1,1,1,1,1,0,0,0,3,1,0.2696004,47800,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9347",0,70000,200000,10700,189300,69400,67400,139400,137400,326700,326700,50,75120,4,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,67400,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9348",24189,0,90000,0,90000,18800,17925,42989,42114,132114,132114,41,58368,5,17,1,1,0,1,1,1,0,1,0,0,0,1,6,4,0.7130944,42114,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9349",10750,17500,165000,130000,35000,26800,26800,55050,55050,90050,195050,33,95472,3,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37550,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9350",0,530,26000,26000,0,250,-1918,780,-1388,-1388,612,34,17955,4,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,-1918,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9351",0,0,80000,72536,7464,1101,-7119,1101,-7119,345,35345,42,40557,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-7119,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9352",0,3000,200000,15900,184100,1200,1200,4200,4200,188300,188800,36,20160,5,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.491887,1200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9353",0,3000,90000,0,90000,2100,-19900,5100,-16900,73100,87100,40,86868,3,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-19900,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9354",30000,0,300000,0,300000,80000,80000,110000,110000,410000,459575,56,27945,2,12,1,0,0,0,1,1,0,1,0,1,0,0,3,2,0.4720998,110000,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9355",0,0,140000,73000,67000,48531,46931,48531,46931,113931,113931,44,69156,3,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,46931,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9356",0,2000,0,0,0,1200,-6400,3200,-4400,-4400,-525,25,27615,1,14,0,0,1,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-6400,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9357",2800,2000,33000,15000,18000,9900,4700,14700,9500,27500,33350,36,20562,1,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2658667,7500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9358",0,4304,150000,68000,82000,10599,10599,14903,14903,96903,102903,49,38511,2,8,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,10599,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9359",38000,0,85000,70000,15000,11099,11099,49099,49099,64099,98865,48,10149,1,12,1,0,1,0,1,1,0,1,0,1,0,0,2,2,0.3108636,49099,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9360",0,2800,140000,89000,51000,1671,-5829,4471,-3029,47971,47971,46,44949,4,17,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,-5829,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9361",57000,0,300000,25000,275000,11200,-700,68200,56300,331300,331300,57,43398,2,16,0,1,0,0,1,1,0,1,0,0,0,1,5,4,0.4624346,56300,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9362",0,0,0,0,0,5150,4550,5150,4550,4550,4550,26,20460,1,15,0,0,0,0,1,1,0,0,0,0,1,0,3,3,0.2060434,4550,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9363",10000,20000,100000,15000,85000,345,-5255,30345,24745,109745,109745,52,28233,3,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,4745,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9364",0,2200,0,0,0,0,0,2200,2200,2200,4000,26,18198,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9365",24000,7800,125000,32000,93000,500,-2500,32300,29300,122300,125800,52,37887,2,10,1,1,0,1,1,1,1,1,1,0,0,0,4,1,0.5449064,21500,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9366",0,2300,60000,50000,10000,1900,-4100,4200,-1800,8200,12900,43,27354,3,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-4100,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9367",0,56000,109000,109000,0,1725,-14275,57725,41725,41725,42645,37,83868,3,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,-14275,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9368",0,1000,75000,23000,52000,111468,110768,112468,111768,163768,181768,48,84000,2,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,110768,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9369",0,72000,160000,60000,100000,11000,9550,83000,81550,181550,181550,38,89388,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,9550,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9370",3500,150,0,0,0,16949,13449,20599,17099,17099,17224,39,59616,1,18,0,0,1,0,1,1,1,1,0,0,0,1,6,4,0.3107966,16949,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9371",0,62000,65000,13000,52000,75,-525,62075,61475,113475,125528,47,17280,2,15,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,-525,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9372",7500,1000,260000,150000,110000,14500,10500,23000,19000,129000,138000,38,99030,3,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,18000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9373",0,0,30000,0,30000,0,0,0,0,30000,30000,58,9744,3,4,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0.375,0,1,1,0,0,0,0,0,0,0,0,0,0,1 -"9374",0,0,0,0,0,0,-8000,0,-8000,-8000,-8000,40,33714,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-8000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9375",10800,5000,85000,15000,70000,55815,55515,82315,82015,152015,164015,51,66477,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,66315,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9376",0,0,170000,36000,134000,1500,-3600,1500,-3600,130400,130400,54,29370,4,8,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-3600,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9377",0,6075,0,0,0,1799,-7201,7874,-1126,-1126,-1126,36,39366,4,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,-7201,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9378",0,0,160000,60000,100000,22000,15000,57000,50000,150000,160000,59,49245,4,15,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,15000,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9379",0,0,0,0,0,251,-38523,251,-38523,-38523,-35023,40,44493,3,16,1,1,0,1,1,1,0,0,0,0,0,1,5,4,0.5995759,-38523,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9380",6000,0,41000,41000,0,10000,8200,16000,14200,14200,44200,56,73305,1,18,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,14200,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9381",200,1500,18000,18000,0,1500,0,3200,1700,1700,9942,25,25380,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9382",6000,0,130000,38600,91400,10500,8970,16500,14970,106370,108245,59,67104,4,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,14970,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9383",26000,0,45000,0,45000,40500,39750,66500,65750,110750,118231,57,55635,2,14,0,1,0,0,1,1,0,1,0,0,1,0,6,3,0.5336504,65750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9384",51550,13000,110000,73000,37000,6647,6647,71197,71197,108197,228197,60,55545,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,58197,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9385",0,0,85000,84000,1000,1250,250,1250,250,1250,32250,32,35607,6,13,0,1,0,1,1,1,0,0,0,0,1,0,4,3,0.3719455,250,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9386",5000,500,80000,42000,38000,14499,13799,19999,19299,57299,61799,61,86442,2,18,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,18799,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9387",0,0,70000,58500,11500,1100,-4875,1100,-4875,6625,6625,31,27120,2,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,-4875,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9388",0,1600,0,0,0,799,-14801,2399,-13201,-13201,-9201,27,54708,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-14801,0,0,0,0,0,0,1,0,1,0,0,0,0 -"9389",0,950,41000,40000,1000,15000,14700,15950,15650,16650,21050,58,16200,2,13,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4041266,14700,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9390",0,640,74000,56900,17100,1935,-10565,2575,-9925,7175,11175,28,54846,3,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-10565,1,0,0,0,0,0,1,0,1,0,0,0,0 -"9391",0,0,40000,22000,18000,0,0,0,0,18000,18000,51,22500,1,9,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9392",52000,0,80000,72000,8000,44680,41280,96680,93280,101280,149280,54,61194,4,13,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,93280,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9393",10000,0,100000,0,100000,749,-751,10749,9249,109249,109249,62,31059,2,12,0,1,0,0,1,1,0,1,0,1,0,0,4,2,0.3524857,9249,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9394",0,0,13000,0,13000,3100,1100,3100,1100,14100,14100,58,10863,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,1100,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9395",2000,2000,0,0,0,0,-50,4000,3950,3950,3950,53,25257,6,12,0,0,0,0,1,1,1,1,0,1,0,0,3,2,0.2029813,1950,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9396",0,3500,50000,17500,32500,1305,-95,4805,3405,35905,35905,56,24243,3,13,1,1,0,0,1,1,1,0,0,0,1,0,3,3,0.3978536,-95,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9397",14500,0,83000,83000,0,35699,31663,75605,71569,71569,74569,39,39705,4,13,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.3524857,46163,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9398",0,30000,27000,27000,0,2700,-2000,32700,28000,28000,36000,55,37377,3,8,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,-2000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9399",54353,10914,65000,0,65000,124,124,65391,65391,130391,155691,50,65565,4,17,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,54477,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9400",0,4700,169000,134000,35000,13050,3550,17750,8250,43250,43250,29,143781,3,17,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,3550,1,0,0,0,0,0,0,1,1,0,0,0,0 -"9401",2600,500,40000,0,40000,47000,47000,50100,50100,90100,114100,42,52416,4,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,49600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9402",0,0,0,0,0,15300,-12800,15300,-12800,-12800,-10050,28,57900,1,18,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-12800,0,0,0,0,0,0,1,0,1,0,0,0,0 -"9403",0,1500,45000,28000,17000,1500,1000,3000,2500,19500,22275,51,30144,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,1000,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9404",809,7000,50000,6500,43500,200,200,8009,8009,51509,51509,62,21924,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,1009,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9405",0,0,120000,0,120000,89509,89509,89509,89509,209509,309509,57,28113,3,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,89509,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9406",0,35000,115000,76000,39000,8000,7800,43000,42800,81800,181800,45,68610,4,17,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,7800,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9407",0,2500,0,0,0,300,-3200,2800,-700,-700,15300,41,43470,5,13,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.3243191,-3200,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9408",0,18000,0,0,0,1000,700,19000,18700,18700,24700,41,75321,1,18,1,0,1,0,1,1,1,0,0,0,0,1,7,4,0.4394569,700,0,0,0,0,0,0,0,1,0,0,1,0,0 -"9409",34990,13125,0,0,0,3944,-2056,52059,46059,46059,52484,37,57768,1,14,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.6386597,32934,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9410",22701,22701,185000,65000,120000,4100,1220,49502,46622,166622,176572,44,57828,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23921,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9411",14101,33000,70000,32000,38000,25254,20014,72355,67115,105115,106975,44,55833,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,34115,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9412",0,1000,0,0,0,2200,-800,3200,200,200,1200,36,24009,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9413",0,0,0,0,0,12600,5400,12600,5400,5400,10400,32,34215,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.2951996,5400,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9414",0,1426,240000,100000,140000,3400,2700,4826,4126,144126,144126,37,60927,3,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,2700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9415",0,390,0,0,0,9000,7800,9390,8190,8190,12190,27,38640,2,16,1,1,0,1,1,1,1,0,0,0,0,1,4,4,0.5896286,7800,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9416",0,0,0,0,0,42499,38799,47499,43799,43799,43799,46,30933,1,12,0,0,1,0,1,1,0,0,0,1,0,0,4,2,0.3086649,38799,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9417",35000,25000,0,0,0,1899,1899,61899,61899,61899,271952,58,32118,1,12,0,1,1,0,1,1,1,1,0,1,0,0,4,2,0.277538,36899,0,0,0,0,1,0,0,0,0,0,0,0,1 -"9418",0,10605,0,0,0,650,650,11255,11255,11255,14675,38,37800,4,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,650,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9419",500,0,200000,107000,93000,800,-700,1300,-200,92800,127800,34,47547,4,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,-200,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9420",50100,0,90000,57500,32500,15500,12500,65600,62600,95100,102100,39,50979,4,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,62600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9421",0,1200,120000,105000,15000,3500,3500,4700,4700,19700,23475,32,36300,1,16,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,3500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9422",0,2300,50000,32000,18000,0,-14000,2300,-11700,6300,18300,34,63606,2,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-14000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9423",1200,80000,250000,130000,120000,122000,122000,203200,203200,323200,325700,39,97845,2,14,1,1,1,1,1,1,1,1,0,0,1,0,7,3,0.7316045,123200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9424",0,15000,160000,97500,62500,4440,1376,19440,16376,78876,81126,31,44871,1,16,1,0,1,0,1,1,1,0,0,0,0,1,5,4,0.5315816,1376,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9425",0,10000,60000,42000,18000,8510,8310,18510,18310,36310,40210,34,15756,3,12,0,1,0,1,1,1,1,0,0,1,0,0,2,2,0.1582553,8310,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9426",0,0,0,0,0,0,-4100,0,-4100,-4100,-4100,36,30972,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-4100,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9427",0,0,118000,79000,39000,8500,4500,8500,4500,43500,50243,43,21960,1,16,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.491887,4500,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9428",0,75000,170000,100000,70000,6100,4700,81100,79700,149700,173700,43,69000,2,13,0,1,0,0,1,1,1,0,0,0,1,0,6,3,0.5405443,4700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9429",0,0,180000,12000,168000,779,779,779,779,168779,168779,62,29784,5,12,1,1,0,1,1,1,0,0,0,1,0,0,3,2,0.3978536,779,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9430",30000,0,38000,28000,10000,200,-9110,30200,20890,30890,36833,46,43452,5,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,20890,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9431",0,0,80000,0,80000,720,-3380,720,-3380,76620,76620,28,25245,2,14,1,1,0,1,1,1,0,0,0,0,1,0,3,3,0.3978536,-3380,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9432",0,3000,90000,23000,67000,500,-1600,3500,1400,68400,68400,41,29121,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-1600,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9433",0,0,65000,15000,50000,1100,-900,1100,-900,49100,51100,43,36612,2,14,1,1,0,1,1,1,0,0,0,0,1,0,4,3,0.5297047,-900,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9434",0,4000,48000,28000,20000,1000,-2000,5000,2000,22000,29000,50,29784,4,7,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.3978536,-2000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9435",0,323,60000,35000,25000,275,-7725,598,-7402,17598,20623,33,19650,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4041266,-7725,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9436",2000,15000,150000,18000,132000,18200,18200,65200,65200,197200,214950,59,32196,2,13,1,0,0,0,1,1,1,1,0,0,1,0,4,3,0.6174901,20200,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9437",27000,38000,100000,36000,64000,13200,12900,78200,77900,141900,144900,62,48138,3,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,39900,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9438",0,0,40000,40000,0,26000,20000,26000,20000,20000,20000,39,59700,3,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,20000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9439",1500,14000,150000,92000,58000,14800,13100,30300,28600,86600,102600,43,73641,2,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,14600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9440",0,18600,90000,25000,65000,39419,39419,58019,58019,123019,124394,47,43854,2,18,1,0,0,0,1,1,1,0,0,0,0,1,5,4,0.5315816,39419,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9441",0,0,35000,0,35000,3099,-6201,3099,-6201,28799,28799,46,31116,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-6201,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9442",0,7000,85000,40000,45000,1000,-4000,8000,3000,48000,50300,42,62112,7,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,-4000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9443",17000,38000,90000,50000,40000,3298,-7402,58298,47598,87598,88778,46,69780,5,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,9598,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9444",0,0,500,0,500,0,0,0,0,500,3800,42,29070,2,1,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2694195,0,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9445",0,0,74000,68000,6000,3487,3487,3487,3487,9487,16487,26,44394,2,14,0,1,1,1,1,1,0,0,0,0,1,0,5,3,0.4407951,3487,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9446",35262,0,30000,0,30000,9500,9500,44762,44762,74762,77762,47,38256,2,16,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,44762,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9447",0,2700,75000,40000,35000,6062,2462,8762,5162,40162,54787,36,36354,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,2462,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9448",0,2000,0,0,0,2650,2150,4650,4150,4150,33150,47,38772,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.2951996,2150,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9449",20000,80000,75000,22000,53000,66498,44498,166498,144498,197498,277498,62,50373,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,64498,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9450",42000,3900,120000,35000,85000,62000,54000,107900,99900,184900,184900,50,84069,4,12,0,1,0,1,1,1,1,1,0,1,0,0,7,2,0.5801663,96000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9451",19000,25000,300000,150000,150000,99600,98100,143600,142100,292100,292100,37,191715,3,18,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,117100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9452",0,0,220000,150000,70000,1675,-13325,1675,-13325,56675,58175,34,33669,3,12,0,0,0,0,1,1,0,0,0,1,0,0,4,2,0.3866406,-13325,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9453",7000,22000,80000,29000,51000,97100,96179,126100,125179,176179,197429,45,22953,1,12,1,0,1,0,1,1,1,1,0,1,0,0,3,2,0.4720998,103179,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9454",0,3706,175000,112000,63000,6000,4500,9706,8206,71206,71206,37,59028,4,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,4500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9455",0,0,200000,92000,108000,835,-1665,835,-1665,106335,106335,44,57396,4,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,-1665,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9456",0,2500,120000,85500,34500,3400,-7000,5900,-4500,30000,30000,32,53322,5,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-7000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9457",0,400,38000,33000,5000,200,200,600,600,5600,5600,33,25500,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,200,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9458",0,1091,75000,56000,19000,1749,-251,2840,840,19840,26840,34,56058,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-251,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9459",0,900,69000,41500,27500,700,675,1600,1575,29075,29075,52,16644,2,10,0,1,0,0,1,1,1,0,1,0,0,0,2,1,0.1582553,675,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9460",0,3900,60000,44000,16000,5245,4445,9145,8345,24345,27145,38,35718,3,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,4445,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9461",1000,4500,43000,30000,13000,2400,-7700,7900,-2200,10800,63800,51,46008,5,10,1,1,1,1,1,1,1,1,1,0,0,0,5,1,0.7196674,-6700,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9462",15700,20000,100000,10000,90000,45749,45612,81449,81312,171312,188312,59,71568,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,61312,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9463",0,41500,95000,95000,0,1500,890,43000,42390,42390,44171,27,30792,1,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,890,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9464",0,0,0,0,0,7301,7255,7301,7255,7255,45480,27,23913,1,18,1,0,0,0,1,1,0,0,0,0,0,1,3,4,0.5315681,7255,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9465",0,10000,0,0,0,25358,24908,35358,34908,34908,34908,43,31239,3,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.2951996,24908,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9466",0,0,175000,60000,115000,14599,14599,14599,14599,129599,146599,49,107559,4,14,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,14599,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9467",0,0,0,0,0,6,-2474,6,-2474,-2474,-2474,40,25614,4,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-2474,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9468",51500,50000,84000,18000,66000,70350,70350,171850,171850,237850,337850,47,62553,6,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,121850,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9469",0,0,0,0,0,1000,-9000,1000,-9000,-9000,-6350,39,63690,1,16,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,-9000,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9470",0,0,150000,119000,31000,3874,3874,3874,3874,34874,34874,56,56343,3,12,1,0,0,0,1,1,0,0,0,1,0,0,6,2,0.7472324,3874,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9471",0,0,0,0,0,1300,-6700,1300,-6700,-6700,-6700,33,48705,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.3243191,-6700,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9472",0,0,0,0,0,0,0,0,0,0,0,38,22806,1,5,0,0,1,0,1,1,0,0,1,0,0,0,3,1,0.2060434,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9473",2000,52000,300000,150000,150000,34998,34998,88998,88998,238998,438998,53,39600,2,16,0,1,0,0,1,1,1,1,0,0,0,1,4,4,0.3524857,36998,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9474",0,20,35000,17900,17100,6500,6300,6520,6320,23420,25420,38,40350,4,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,6300,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9475",0,15000,70000,55000,15000,52248,50248,82248,80248,95248,144048,48,50772,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,50248,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9476",0,0,67000,30000,37000,2020,1960,2020,1960,38960,41560,29,27096,5,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,1960,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9477",0,19000,155000,35000,120000,2100,1100,21100,20100,140100,140100,52,91992,8,13,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,1100,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9478",0,50000,130000,0,130000,2500,2500,52500,52500,182500,182500,63,17442,2,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4041266,2500,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9479",0,0,99400,84600,14800,24630,15630,24630,15630,30430,30430,48,121701,2,15,1,1,0,1,1,1,0,0,0,0,1,0,7,3,0.6849159,15630,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9480",1300,4497,0,0,0,1769,-1031,7566,4766,4766,4766,33,52737,2,13,0,1,1,1,1,1,1,1,0,0,1,0,6,3,0.3533661,269,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9481",0,1200,0,0,0,100,-800,1300,400,400,3375,28,30129,1,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-800,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9482",0,0,75000,10000,65000,15204,14204,15204,14204,79204,88204,56,44220,3,13,0,1,0,0,1,1,0,0,0,0,1,0,5,3,0.4407951,14204,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9483",0,42500,78400,78400,0,300,-200,42800,42300,42300,42300,43,29688,5,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.3978536,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9484",0,6420,72000,48000,24000,2224,1324,8644,7744,31744,34244,37,36882,4,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,1324,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9485",24000,73800,235000,150000,85000,2024,-22246,99824,75554,160554,268054,35,86472,4,16,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,1754,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9486",0,14000,100000,94000,6000,3747,2247,17747,16247,22247,32247,50,71205,2,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,2247,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9487",0,400,0,0,0,2165,1465,2565,1865,1865,9865,40,45279,3,13,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,1465,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9488",0,0,84000,56000,28000,30000,28209,30000,28209,56209,121189,44,51717,1,12,1,0,0,0,1,1,0,0,0,1,0,0,6,2,0.7472324,28209,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9489",0,0,0,0,0,200,200,200,200,200,1700,45,14625,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,200,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9490",0,900,120000,65000,55000,7899,4999,8799,5899,60899,79899,40,67434,4,13,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,4999,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9491",21000,56000,300000,150000,150000,24800,24300,101800,101300,251300,251300,43,142569,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,45300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9492",0,0,110000,80000,30000,5120,1720,5120,1720,31720,40220,30,58155,6,14,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,1720,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9493",0,16825,139000,105500,33500,100,100,16925,16925,50425,50425,34,42006,4,13,1,1,1,0,1,1,1,0,0,0,1,0,5,3,0.6077043,100,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9494",8400,5000,120000,120000,0,18999,18999,94399,94399,94399,326399,63,56700,2,18,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,27399,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9495",0,45000,150000,75000,75000,106998,106998,151998,151998,226998,267598,57,49959,2,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,106998,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9496",0,18000,245000,150000,95000,502,-4798,18502,13202,108202,108202,39,40392,6,11,0,1,0,1,1,1,1,0,1,0,0,0,5,1,0.4407951,-4798,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9497",0,0,70000,29000,41000,2000,-6239,2000,-6239,34761,49761,56,56676,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.6688337,-6239,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9498",0,10500,77000,70000,7000,5009,4899,15509,15399,22399,26099,29,40776,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,4899,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9499",0,0,260000,106000,154000,3199,3199,3199,3199,157199,187199,53,39666,2,14,1,1,0,0,1,1,0,0,0,0,1,0,4,3,0.5297047,3199,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9500",80,0,0,0,0,1400,-3700,1480,-3620,-3620,-1687,29,23325,1,18,0,0,1,0,1,1,0,1,0,0,0,1,3,4,0.2029813,-3620,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9501",20000,80000,65000,0,65000,13600,13600,113600,113600,178600,178600,47,52110,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,33600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9502",26765,16000,300000,20000,280000,592867,587867,635632,630632,910632,916507,50,101331,1,17,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.7355057,614632,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9503",12000,15000,150000,0,150000,200000,200000,227000,227000,377000,377000,35,135300,3,17,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,212000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9504",0,10000,75000,52000,23000,1500,-7800,11500,2200,25200,29200,34,57150,4,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-7800,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9505",0,0,60000,60000,0,560,-40,560,-40,-40,-40,46,20796,4,11,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-40,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9506",0,6000,18000,18000,0,16699,16499,22699,22499,22499,22499,53,28896,3,9,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,16499,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9507",0,3000,47000,35000,12000,20000,20000,23000,23000,35000,43975,27,44100,1,16,0,0,1,0,1,1,1,0,0,0,0,1,5,4,0.4200058,20000,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9508",200,2000,145000,75000,70000,120248,120248,122448,122448,192448,424623,46,29526,1,16,1,0,1,0,1,1,1,1,0,0,0,1,3,4,0.4720998,120448,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9509",17500,80000,300000,150000,150000,322446,302446,419946,399946,549946,549946,39,160701,6,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,319946,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9510",0,0,0,0,0,500,500,500,500,500,5000,30,9180,4,12,0,1,0,0,1,1,0,0,0,1,0,0,1,2,0.0486785,500,0,1,0,0,0,0,0,0,0,1,0,0,0 -"9511",0,1500,45000,19000,26000,46399,45229,47899,46729,72729,76779,47,31908,3,17,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,45229,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9512",0,4500,0,0,0,600,-2200,5100,2300,2300,17894,33,34308,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-2200,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9513",0,2000,65000,63000,2000,100,-2390,2100,-390,1610,8610,31,51051,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-2390,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9514",0,0,0,0,0,2250,-450,2250,-450,-450,550,36,17736,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-450,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9515",0,890,0,0,0,1300,50,2190,940,940,940,39,37662,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,50,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9516",0,4000,0,0,0,0,0,4000,4000,4000,4000,29,27000,1,12,1,0,1,0,1,1,1,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9517",25000,0,250000,123000,127000,2000,1000,27000,26000,153000,290000,43,56154,5,18,1,1,0,0,1,1,0,1,0,0,0,1,6,4,0.7130944,26000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9518",7000,2800,40000,0,40000,1349,849,11149,10649,50649,56649,57,9462,1,12,1,0,0,0,1,1,1,1,0,1,0,0,1,2,0.2696344,7849,1,1,0,0,0,0,0,0,0,0,0,0,1 -"9519",0,1000,100000,33750,66250,1499,1099,2499,2099,68349,71699,31,60,1,16,1,0,0,0,1,1,1,0,0,0,0,1,1,4,0.3536102,1099,1,1,0,0,0,0,0,0,0,1,0,0,0 -"9520",6000,4000,115000,105000,10000,800,-18334,10800,-8334,1666,21566,45,101589,5,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,-12334,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9521",10500,6000,55000,47000,8000,14240,14240,30740,30740,38740,43240,53,31350,1,12,0,0,1,0,1,1,1,1,0,1,0,0,4,2,0.3669286,24740,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9522",0,12000,240000,150000,90000,545,-12105,12545,-105,89895,89895,35,86811,4,14,0,1,0,1,1,1,1,0,0,0,1,0,7,3,0.5679367,-12105,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9523",0,67,85000,18500,66500,13600,2100,13667,2167,68667,153167,42,73341,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,2100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9524",6000,8000,100000,25000,75000,8299,7299,22299,21299,96299,111299,63,59340,2,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,13299,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9525",0,0,20000,16000,4000,1697,-1673,1697,-1673,2327,3327,43,19293,5,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,-1673,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9526",0,0,85000,40000,45000,9000,7000,9000,7000,52000,61000,41,38880,2,18,1,1,0,1,1,1,0,0,0,0,0,1,4,4,0.5297047,7000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9527",0,37000,80000,51000,29000,10000,10000,47000,47000,76000,136000,37,41784,4,18,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,10000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9528",0,80000,85000,85000,0,101000,96000,181000,176000,176000,321000,54,113013,2,14,0,1,0,0,1,1,1,0,0,0,1,0,7,3,0.5679367,96000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9529",0,0,275000,112000,163000,477332,475632,477332,475632,638632,665986,51,69987,3,14,0,0,0,0,1,1,0,0,0,0,1,0,6,3,0.4938007,475632,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9530",0,10000,110000,69500,40500,6500,-3300,16500,6700,47200,129200,52,75612,2,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-3300,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9531",0,1000,65000,0,65000,3030,-27670,4030,-26670,38330,43891,34,36411,2,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-27670,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9532",0,3420,0,0,0,499,-6401,3919,-2981,-2981,-2981,29,28050,4,10,1,1,0,1,1,1,1,0,1,0,0,0,3,1,0.4366938,-6401,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9533",0,0,10000,0,10000,5000,5000,5000,5000,15000,60000,31,28635,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.491887,5000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9534",0,2400,0,0,0,45958,40158,48358,42558,42558,46224,35,36234,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,40158,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9535",0,1000,130000,91500,38500,0,-32500,1000,-31500,7000,16000,59,63261,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-32500,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9536",0,500,45000,30000,15000,600,-200,1100,300,15300,27303,41,23043,4,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,-200,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9537",0,0,0,0,0,50,-150,50,-150,-150,-150,30,10455,3,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1283302,-150,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9538",0,700,0,0,0,650,-850,1350,-150,-150,2850,40,46215,2,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.5995759,-850,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9539",0,50000,90000,25000,65000,21250,18750,71250,68750,133750,137050,56,62700,2,11,0,1,0,1,1,1,1,0,1,0,0,0,6,1,0.5405443,18750,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9540",9000,20,80000,65000,15000,12048,12048,21068,21068,36068,40643,33,26526,1,12,1,0,0,0,1,1,1,1,0,1,0,0,3,2,0.4720998,21048,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9541",0,12000,150000,50000,100000,2534,1034,14534,13034,113034,258034,51,53700,4,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,1034,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9542",0,6000,0,0,0,100,100,6100,6100,6100,9433,30,18750,4,12,1,0,1,0,1,1,1,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9543",0,2000,58000,38500,19500,61788,59788,63788,61788,81288,99288,45,34488,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,59788,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9544",18000,3000,0,0,0,1000,800,22000,21800,21800,25225,32,54144,1,16,0,0,0,0,1,1,1,1,0,0,0,1,6,4,0.3107966,18800,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9545",2000,84300,60000,20000,40000,156458,156358,242758,242658,282658,284158,48,56754,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,158358,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9546",3000,4000,175000,50000,125000,8160,7060,15160,14060,139060,350060,31,48177,4,16,0,1,0,1,1,1,1,1,0,0,0,1,5,4,0.4624346,10060,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9547",0,3200,86000,0,86000,219,-20731,3419,-17531,68469,73469,52,30078,2,4,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,-20731,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9548",0,7000,120000,75000,45000,4000,2000,11000,9000,54000,151000,33,58572,4,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,2000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9549",1500,50000,65000,0,65000,4800,2300,56300,53800,118800,121500,60,28440,2,12,0,1,0,1,1,1,1,1,0,1,0,0,3,2,0.2696004,3800,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9550",0,12980,180000,150000,30000,250,-750,13230,12230,42230,42230,33,63360,5,18,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-750,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9551",0,0,0,0,0,11638,11638,11638,11638,11638,11638,27,36474,4,14,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,11638,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9552",6000,0,90000,75000,15000,9700,3500,15700,9500,24500,53150,29,32109,1,13,0,0,1,0,1,1,0,1,0,0,1,0,4,3,0.3669286,9500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9553",0,110,0,0,0,1625,-4350,1735,-4240,-4240,-1090,31,28035,2,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-4350,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9554",0,2648,75000,42000,33000,499,-3501,3147,-853,32147,32147,49,43224,4,12,1,1,0,0,1,1,1,0,0,1,0,0,5,2,0.6077043,-3501,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9555",16370,0,72500,68000,4500,2600,2463,20870,20733,25233,32213,42,44520,3,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,18833,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9556",0,5000,0,0,0,5200,5200,10200,10200,10200,10200,36,33960,13,4,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.2951996,5200,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9557",0,0,50000,38000,12000,1243,1243,1243,1243,13243,13243,43,27048,4,12,0,1,0,1,1,1,0,0,0,1,0,0,3,2,0.273178,1243,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9558",0,0,69000,69000,0,300,300,300,300,300,300,34,18018,3,14,0,1,0,0,1,1,0,0,0,0,1,0,2,3,0.1582553,300,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9559",0,80,0,0,0,10,-490,90,-410,-410,1090,30,21630,3,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2060434,-490,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9560",3448,30,30000,0,30000,5,-16995,3483,-13517,16483,16483,52,31368,3,12,0,1,0,0,1,1,1,1,0,1,0,0,4,2,0.3524857,-13547,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9561",0,20000,110000,50000,60000,3300,1550,23300,21550,81550,86550,40,53736,5,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,1550,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9562",0,46000,70000,26000,44000,2500,1300,48500,47300,91300,94650,53,30900,2,12,0,0,1,0,1,1,1,0,0,1,0,0,4,2,0.3866406,1300,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9563",0,0,75000,27800,47200,325,-14675,325,-14675,32525,34525,42,35112,2,15,0,0,0,0,1,1,0,0,0,0,1,0,4,3,0.3866406,-14675,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9564",16000,200,154000,121700,32300,10040,4040,26240,20240,52540,56540,33,46002,7,16,0,1,0,0,1,1,1,1,0,0,0,1,5,4,0.4624346,20040,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9565",0,80000,115000,35000,80000,5000,3300,85000,83300,163300,273859,43,77700,5,12,1,1,0,1,1,1,1,0,0,1,0,0,7,2,0.6849159,3300,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9566",5000,15000,42000,18000,24000,3949,-551,23949,19449,43449,56449,35,49230,5,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,4449,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9567",0,0,64000,18750,45250,6226,1226,6226,1226,46476,46476,64,34035,3,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1226,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9568",21000,69000,300000,150000,150000,27000,15000,117000,105000,255000,255000,40,101226,6,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,36000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9569",0,1000,86000,76000,10000,6200,4528,7200,5528,15528,41550,28,31203,2,16,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,4528,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9570",0,1200,0,0,0,1000,-2300,2200,-1100,-1100,1213,38,33048,2,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-2300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9571",0,0,85000,65000,20000,7000,7000,7000,7000,27000,27000,30,20640,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,7000,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9572",10000,0,300000,150000,150000,36500,36200,46500,46200,196200,200700,33,80724,1,16,1,0,1,0,1,1,0,1,0,0,0,1,7,4,0.7355057,46200,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9573",0,1200,60000,23900,36100,1249,1249,2449,2449,38549,38549,59,49950,2,12,1,1,0,1,1,1,1,0,0,1,0,0,5,2,0.6077043,1249,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9574",0,10000,24000,24000,0,3660,-18340,13660,-8340,-8340,510,44,33645,1,18,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6028074,-18340,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9575",0,6075,51000,16000,35000,1475,-9025,7550,-2950,32050,71602,41,35772,4,15,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,-9025,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9576",0,2300,0,0,0,200,-800,2500,1500,1500,5000,38,25500,1,12,0,0,1,0,1,1,1,0,0,1,0,0,3,2,0.2060434,-800,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9577",0,100,0,0,0,0,-3265,100,-3165,-3165,-2665,43,17418,2,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-3265,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9578",0,30000,0,0,0,249,-7151,30249,22849,22849,28724,38,47826,1,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-7151,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9579",0,3000,0,0,0,2000,-2400,5000,600,600,4025,38,33579,1,16,0,0,1,0,1,1,1,0,0,0,0,1,4,4,0.3086649,-2400,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9580",17000,0,65000,18000,47000,3049,-5251,20049,11749,58749,58749,47,64011,3,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,11749,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9581",0,42000,82500,59680,22820,400,-4600,42400,37400,60220,60220,55,57672,3,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-4600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9582",0,8400,0,0,0,0,0,8400,8400,8400,8400,39,39168,1,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,0,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9583",0,52000,20000,1224,18776,230,-685,52230,51315,70091,75091,52,42270,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-685,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9584",0,650,40000,38800,1200,75,-11125,725,-10475,-9275,-6775,32,28434,4,16,0,1,0,1,1,1,1,0,0,0,0,1,3,4,0.273178,-11125,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9585",0,2000,83000,7000,76000,19889,19589,21889,21589,97589,199407,59,25560,1,12,0,0,0,0,1,1,1,0,0,1,0,0,3,2,0.2694195,19589,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9586",0,180,0,0,0,1000,-1600,1180,-1420,-1420,6041,55,25761,1,15,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-1600,0,0,0,1,0,0,0,0,0,0,0,0,1 -"9587",0,50000,165000,0,165000,25450,25450,75450,75450,240450,240450,44,61869,2,12,1,1,1,1,1,1,1,0,0,1,0,0,6,2,0.6688337,25450,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9588",0,0,0,0,0,453,-5119,453,-5119,-5119,-5119,31,18909,1,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.1152104,-5119,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9589",0,10000,0,0,0,1760,-2540,11760,7460,7460,22035,57,27036,1,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,-2540,0,0,0,1,0,0,0,0,0,0,0,0,1 -"9590",5000,839,84000,67000,17000,8000,5670,13839,11509,28509,41009,29,44805,3,14,0,1,0,1,1,1,1,1,0,0,1,0,5,3,0.4624346,10670,1,0,0,0,0,1,0,0,1,0,0,0,0 -"9591",0,390,0,0,0,2250,2250,2640,2640,2640,3140,32,18450,1,12,0,0,1,0,1,1,1,0,0,1,0,0,2,2,0.1152104,2250,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9592",4900,15000,120000,60000,60000,700,-18520,20600,1380,61380,220380,41,42213,5,9,0,1,0,0,1,1,1,1,1,0,0,0,5,1,0.4624346,-13620,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9593",0,22000,0,0,0,32000,22500,54000,44500,44500,97000,40,62700,8,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,22500,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9594",0,0,140000,122000,18000,6748,5248,6748,5248,23248,29248,46,33639,4,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,5248,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9595",19000,80000,200000,120000,80000,13000,13000,112000,112000,192000,262000,41,61500,4,17,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,32000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9596",0,20000,100000,100000,0,5000,-4000,25000,16000,16000,28000,31,120300,2,18,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-4000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9597",0,20000,0,0,0,92749,92749,112749,112749,112749,112749,39,31845,3,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.2951996,92749,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9598",0,11231,60000,50000,10000,10800,8200,22031,19431,29431,33031,38,56028,4,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,8200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9599",22225,18747,85000,15000,70000,481608,481408,522580,522380,592380,597980,48,84063,5,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,503633,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9600",8300,13000,0,0,0,7748,-252,29048,21048,21048,26323,25,39102,1,16,0,0,0,0,1,1,1,1,0,0,0,1,4,4,0.2906278,8048,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9601",0,5000,0,0,0,2999,2999,7999,7999,7999,7999,45,57843,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.3598378,2999,0,0,0,0,0,0,1,0,0,0,0,1,0 -"9602",4000,80000,150000,23000,127000,3100,-900,87100,83100,210100,215300,48,58296,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,3100,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9603",0,10017,60000,45000,15000,100,-3512,10117,6505,21505,33505,41,30321,6,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-3512,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9604",0,32000,24000,8000,16000,900,900,32900,32900,48900,54361,42,16812,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,900,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9605",500,1400,50000,50000,0,3000,2800,4900,4700,4700,4700,26,36492,4,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,3300,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9606",11750,12500,175000,120000,55000,64900,64900,89150,89150,144150,219150,52,67059,5,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,76650,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9607",0,1000,70000,70000,0,6100,6100,7100,7100,7100,20600,41,72600,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,6100,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9608",0,3500,125000,50000,75000,1100,-953,4600,2547,77547,79947,37,57234,3,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-953,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9609",0,0,75000,56000,19000,1098,-23162,1098,-23162,-4162,-4162,32,31644,4,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5297047,-23162,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9610",0,530,0,0,0,0,-300,530,230,230,15280,28,7914,3,12,0,1,0,0,1,1,1,0,0,1,0,0,1,2,0.0486785,-300,0,1,0,0,0,0,0,0,1,0,0,0,0 -"9611",0,0,0,0,0,25,-5675,25,-5675,-5675,1825,32,22425,4,13,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,-5675,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9612",0,25000,46000,20000,26000,1270,270,26270,25270,51270,51270,58,31689,2,4,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,270,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9613",0,0,0,0,0,600,-100,600,-100,-100,2400,36,28032,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9614",0,1062,0,0,0,59,-790,1121,272,272,13754,38,15813,2,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-790,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9615",16500,2800,300000,75000,225000,187500,186800,206800,206100,431100,431100,56,50625,3,12,1,1,0,0,1,1,1,1,0,1,0,0,6,2,0.7130944,203300,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9616",0,45000,180000,65000,115000,5330,3330,50330,48330,163330,163330,57,35700,3,11,0,1,0,0,1,1,1,0,1,0,0,0,4,1,0.3719455,3330,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9617",0,4000,43000,20000,23000,800,-3800,4800,200,23200,23200,45,29838,4,8,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-3800,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9618",200,7500,95000,66000,29000,15550,15550,23250,23250,52250,56125,50,49848,3,18,1,0,0,0,1,1,1,1,0,0,0,1,5,4,0.650903,15750,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9619",1300,0,75000,25000,50000,13700,12150,15000,13450,63450,82250,44,59235,4,12,0,1,0,1,1,1,0,1,0,1,0,0,6,2,0.5336504,13450,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9620",0,0,0,0,0,300,-3700,300,-3700,-3700,-3200,34,26526,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-3700,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9621",0,10000,0,0,0,1600,1600,11600,11600,11600,16275,26,36972,1,17,1,0,1,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1600,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9622",0,1200,73000,73000,0,1349,-451,2549,749,749,14249,33,46245,4,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-451,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9623",0,18000,95000,63000,32000,2300,-5700,20300,12300,44300,47300,44,51612,4,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5700,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9624",0,45000,0,0,0,0,0,45000,45000,45000,45000,59,46920,6,12,0,1,1,0,1,1,1,0,0,1,0,0,5,2,0.3243191,0,0,0,0,0,0,1,0,0,0,0,0,0,1 -"9625",0,0,0,0,0,4500,3900,4500,3900,3900,3900,31,49410,4,14,1,1,0,1,1,1,0,0,0,0,1,0,5,3,0.5995759,3900,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9626",0,4500,0,0,0,7000,5500,11500,10000,10000,10000,40,84360,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.4347773,5500,0,0,0,0,0,0,0,1,0,0,1,0,0 -"9627",0,2500,0,0,0,8550,6050,11050,8550,8550,11883,29,20025,2,13,1,0,0,0,1,1,1,0,0,0,1,0,3,3,0.5315681,6050,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9628",30000,80000,300000,63000,237000,64232,64232,174232,174232,411232,411232,44,138942,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,94232,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9629",0,1000,30000,13000,17000,9049,8649,10049,9649,26649,26649,44,22044,4,12,1,1,0,0,1,1,1,0,0,1,0,0,3,2,0.3978536,8649,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9630",37000,50000,85000,65000,20000,28000,28000,115000,115000,135000,135000,59,69435,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,65000,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9631",44000,36000,90000,0,90000,35600,35240,115600,115240,205240,205240,63,43326,2,12,1,1,0,0,1,1,1,1,0,1,0,0,5,2,0.7196674,79240,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9632",0,25000,190000,88000,102000,3000,-10500,28000,14500,116500,150500,49,52590,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,-10500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9633",0,0,63000,63000,0,725,-1222,725,-1222,-1222,71278,38,35322,3,16,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-1222,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9634",0,3000,80000,53000,27000,607,-9393,3607,-6393,20607,20607,47,64656,4,17,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-9393,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9635",0,5574,0,0,0,800,100,6374,5674,5674,6099,32,18594,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9636",0,0,0,0,0,0,-64,0,-64,-64,-64,46,3900,4,12,0,1,0,0,1,1,0,0,0,1,0,0,1,2,0.0486785,-64,0,1,0,0,0,0,0,0,0,0,0,1,0 -"9637",17000,10000,82000,65000,17000,10400,1900,37400,28900,45900,45900,54,67431,4,13,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,18900,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9638",0,47000,200000,100000,100000,10900,10700,57900,57700,157700,163700,38,88764,2,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,10700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9639",0,414,52000,23500,28500,228,-5197,642,-4783,23717,32717,46,51426,4,13,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-5197,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9640",0,330,200000,0,200000,9999,9999,10329,10329,210329,210329,64,37242,2,14,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,9999,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9641",19000,50000,300000,150000,150000,49000,45000,118000,114000,264000,264000,53,156036,3,17,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,64000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9642",0,20000,45000,45000,0,4300,4210,24300,24210,24210,24210,50,24540,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,4210,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9643",0,0,200000,0,200000,63499,62899,63499,62899,262899,278099,45,45012,3,12,0,1,0,1,1,1,0,0,0,1,0,0,5,2,0.4407951,62899,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9644",9489,13524,70000,0,70000,1587,1265,24600,24278,94278,97392,43,49044,6,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,10754,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9645",0,0,30000,0,30000,3000,-2000,3000,-2000,28000,33242,38,60,2,12,0,0,0,0,1,1,0,0,0,1,0,0,1,2,0.036628,-2000,1,1,0,0,0,0,0,0,0,0,1,0,0 -"9646",0,0,0,0,0,0,0,0,0,0,0,44,21480,1,12,1,0,1,0,1,1,0,0,0,1,0,0,3,2,0.5315681,0,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9647",0,11500,50000,5000,45000,2300,2300,13800,13800,58800,59800,26,34494,2,13,0,1,0,1,1,1,1,0,0,0,1,0,4,3,0.3719455,2300,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9648",0,0,70000,50000,20000,899,599,899,599,20599,20599,28,26550,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.273178,599,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9649",2800,2800,70000,55000,15000,1499,1499,7099,7099,22099,22099,39,63999,4,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,4299,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9650",22350,45000,193000,0,193000,11250,11250,78600,78600,271600,276600,57,63045,2,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,33600,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9651",1500,0,140000,131000,9000,8000,7000,9500,8500,17500,19500,41,50064,5,18,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,8500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9652",6000,15000,120000,120000,0,46100,46100,67100,67100,67100,67100,29,98100,3,16,0,1,0,0,1,1,1,1,0,0,0,1,7,4,0.5801663,52100,1,0,0,0,0,0,0,1,1,0,0,0,0 -"9653",900,0,60000,30000,30000,1900,1200,2800,2100,32100,39100,39,45690,5,12,0,1,0,1,1,1,0,1,0,1,0,0,5,2,0.4624346,2100,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9654",0,5574,0,0,0,399,-3101,5973,2473,2473,2473,28,14118,3,12,0,0,0,0,1,1,1,0,0,1,0,0,2,2,0.1152104,-3101,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9655",3000,9000,100000,90000,10000,6499,1499,18499,13499,23499,26849,41,41703,2,16,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,4499,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9656",12600,18000,200000,142000,58000,3000,2600,33600,33200,91200,275318,36,90318,4,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,15200,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9657",0,200,91200,67000,24200,100,-11841,300,-11641,12559,12559,33,33849,5,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-11841,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9658",0,0,45000,25000,20000,2314,314,2314,314,20314,20314,44,50304,3,15,0,1,0,1,1,1,0,0,0,0,1,0,6,3,0.5405443,314,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9659",50000,0,250000,150000,100000,2500,-150,52500,49850,149850,155850,43,79920,4,12,0,1,1,1,1,1,0,1,0,1,0,0,7,2,0.5801663,49850,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9660",0,12000,60000,56000,4000,600,-6900,12600,5100,9100,11225,35,27600,1,16,1,0,1,0,1,1,1,0,0,0,0,1,3,4,0.491887,-6900,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9661",0,12000,90000,62000,28000,49,49,12049,12049,40049,40049,43,32712,4,14,1,1,0,1,1,1,1,0,0,0,1,0,4,3,0.5297047,49,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9662",15000,12000,275000,150000,125000,16900,7900,43900,34900,159900,159900,54,85860,6,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,22900,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9663",7000,528,115000,85600,29400,30200,29200,37728,36728,66128,66128,44,63222,2,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,36200,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9664",0,0,0,0,0,0,0,0,0,0,500,60,14640,1,10,0,0,0,0,1,1,0,0,1,0,0,0,2,1,0.1152104,0,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9665",15000,75000,0,0,0,78000,77000,168000,167000,167000,167000,45,101496,1,16,1,0,1,0,1,1,1,1,0,0,0,1,7,4,0.4935519,92000,0,0,0,0,0,0,0,1,0,0,0,1,0 -"9666",0,0,0,0,0,11500,-2000,11500,-2000,-2000,-2000,35,30000,2,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,-2000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9667",0,3300,0,0,0,100,100,3400,3400,3400,10400,44,24480,3,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,100,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9668",0,0,56000,21000,35000,3038,3038,3038,3038,38038,38038,48,35310,3,12,0,1,0,0,1,1,0,0,0,1,0,0,4,2,0.3719455,3038,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9669",0,7000,97000,90000,7000,456,456,7456,7456,14456,14456,30,66123,4,16,1,1,1,1,1,1,1,0,0,0,0,1,6,4,0.6688337,456,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9670",0,68,103000,0,103000,1500,1090,1568,1158,104158,104158,54,10374,2,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,1090,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9671",0,0,87000,71000,16000,210,-8790,210,-8790,7210,10560,38,37140,1,18,1,0,0,0,1,1,0,0,0,0,0,1,4,4,0.6028074,-8790,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9672",0,0,0,0,0,1925,-5075,1925,-5075,-5075,16925,52,31998,2,12,1,1,0,1,1,1,0,0,0,1,0,0,4,2,0.5896286,-5075,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9673",0,35000,76000,76000,0,48000,48000,83000,83000,83000,85650,32,40260,1,16,0,0,0,0,1,1,1,0,0,0,0,1,5,4,0.4200058,48000,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9674",0,3000,29900,27500,2400,1600,-1700,4600,1300,3700,6800,44,32796,2,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,-1700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9675",0,400,0,0,0,364,-6136,764,-5736,-5736,-5598,26,13770,1,14,0,0,1,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-6136,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9676",8300,13500,145000,108000,37000,8000,8000,29800,29800,66800,81050,34,50442,1,17,1,0,0,0,1,1,1,1,0,0,0,1,6,4,0.7856908,16300,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9677",0,2000,80000,65000,15000,499,-1,2499,1999,16999,16999,33,31203,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-1,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9678",11765,80000,135000,52000,83000,10854,10854,102619,102619,185619,185619,43,54150,3,14,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,22619,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9679",25000,0,75000,36000,39000,5000,4000,30000,29000,68000,83000,44,36966,3,13,1,1,0,1,1,1,0,1,0,0,1,0,4,3,0.5449064,29000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9680",3600,0,75000,15000,60000,1100,-10200,4700,-6600,53400,68400,44,58428,4,12,1,1,1,1,1,1,0,1,0,1,0,0,6,2,0.7130944,-6600,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9681",7000,0,118000,51000,67000,1475,-2025,8475,4975,71975,76975,47,63450,4,16,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,4975,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9682",0,50000,0,0,0,1000,1000,51000,51000,51000,53000,45,31047,4,12,1,1,0,1,1,1,1,0,0,1,0,0,4,2,0.5896286,1000,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9683",4000,0,0,0,0,199,-101,4199,3899,3899,89599,49,75384,5,12,1,1,0,1,1,1,0,1,0,1,0,0,7,2,0.4888144,3899,0,0,0,0,0,0,0,1,0,0,0,1,0 -"9684",0,0,0,0,0,4000,-8000,4000,-8000,-8000,-6650,37,34827,2,18,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-8000,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9685",0,250,0,0,0,605,-2495,855,-2245,-2245,11755,32,40800,5,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-2495,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9686",24750,108,55000,0,55000,59370,59370,84228,84228,139228,139228,56,29556,2,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,84120,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9687",0,1000,0,0,0,40200,40200,41200,41200,41200,42500,29,36192,1,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,40200,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9688",8000,2400,75000,34000,41000,16400,14736,26800,25136,66136,70136,35,53154,2,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,22736,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9689",0,4000,68000,54000,14000,3650,2450,7650,6450,20450,23150,31,41922,5,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2450,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9690",0,0,0,0,0,750,50,750,50,50,6050,29,25155,3,14,0,1,0,0,1,1,0,0,0,0,1,0,3,3,0.2092901,50,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9691",500,800,47000,37000,10000,380,-120,1680,1180,11180,53280,37,37275,6,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,380,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9692",0,1000,35000,21000,14000,399,-1601,1399,-601,13399,13399,36,39450,5,12,1,1,1,1,1,1,1,0,0,1,0,0,4,2,0.5297047,-1601,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9693",21473,29000,96000,0,96000,107500,107500,157973,157973,253973,283973,62,41106,2,12,0,1,0,0,1,1,1,1,0,1,0,0,5,2,0.4624346,128973,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9694",24000,7000,90000,90000,0,85734,51734,116734,82734,82734,92734,53,76050,4,13,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,75734,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9695",0,0,75000,19800,55200,2600,1100,2600,1100,56300,61300,42,38007,5,12,1,1,1,1,1,1,0,0,0,1,0,0,4,2,0.5297047,1100,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9696",0,0,105000,100000,5000,7444,6444,7444,6444,11444,11444,43,30318,1,13,1,0,0,0,1,1,0,0,0,0,1,0,4,3,0.6028074,6444,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9697",0,10000,90000,74900,15100,41000,22000,51000,32000,47100,76100,33,72960,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,22000,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9698",0,0,80000,20000,60000,3400,-14800,3400,-14800,45200,57200,56,72129,4,18,1,1,0,1,1,1,0,0,0,0,0,1,6,4,0.6688337,-14800,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9699",25000,36000,159000,0,159000,19999,18999,80999,79999,238999,242148,48,58944,3,16,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,43999,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9700",0,0,0,0,0,12168,5168,12168,5168,5168,8668,50,64026,2,12,1,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5000061,5168,0,0,0,0,0,0,1,0,0,0,0,1,0 -"9701",14000,5000,150000,122000,28000,13400,9400,32400,28400,56400,56400,32,70260,3,18,0,1,1,0,1,1,1,1,0,0,0,1,6,4,0.5336504,23400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9702",8900,0,120000,84500,35500,47153,47153,56053,56053,91553,91553,37,55563,2,16,0,1,0,0,1,1,0,1,0,0,0,1,6,4,0.5336504,56053,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9703",0,0,275000,150000,125000,3000,-11945,3000,-11945,113055,126055,43,110820,4,14,0,1,0,1,1,1,0,0,0,0,1,0,7,3,0.5679367,-11945,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9704",1500,5000,280000,150000,130000,31255,29439,44755,42939,172939,190939,47,72600,2,15,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,30939,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9705",0,0,0,0,0,100,100,100,100,100,600,35,14556,4,15,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,100,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9706",0,2500,0,0,0,449,-1051,2949,1449,1449,1449,36,44175,3,12,0,1,1,1,1,1,1,0,0,1,0,0,5,2,0.3243191,-1051,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9707",0,0,150000,3200,146800,242,-2258,242,-2258,144542,148542,35,29586,5,9,0,1,0,0,1,1,0,0,1,0,0,0,3,1,0.273178,-2258,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9708",0,265,45000,32500,12500,500,-2400,765,-2135,10365,18865,49,41592,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-2400,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9709",0,3931,200000,50000,150000,44656,43056,48587,46987,196987,196987,64,60060,2,12,0,1,0,0,1,1,1,0,0,1,0,0,6,2,0.5405443,43056,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9710",0,50000,90000,30000,60000,46600,46600,96600,96600,156600,162600,47,60300,4,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,46600,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9711",0,200,40000,0,40000,4000,-22000,4200,-21800,18200,21200,45,28584,3,15,0,1,0,1,1,1,1,0,0,0,1,0,3,3,0.273178,-22000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9712",0,31000,185000,40000,145000,200,-200,31200,30800,175800,175800,63,75804,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,-200,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9713",2000,0,98000,35000,63000,16300,13348,18300,15348,78348,84852,42,53391,1,16,1,0,0,0,1,1,0,1,0,0,0,1,6,4,0.7856908,15348,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9714",0,24,0,0,0,330,-5970,354,-5946,-5946,-4946,35,18279,3,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-5970,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9715",16000,1000,220000,15500,204500,45699,45699,62699,62699,267199,267199,64,19464,2,12,0,1,0,1,1,1,1,1,0,1,0,0,2,2,0.1464927,61699,1,0,1,0,0,0,0,0,0,0,0,0,1 -"9716",0,3160,0,0,0,1282,682,4442,3842,3842,9438,27,25260,1,16,0,0,0,0,1,1,1,0,0,0,0,1,3,4,0.2060434,682,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9717",0,7000,75000,55000,20000,6000,6000,13000,13000,33000,41000,58,36000,7,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,6000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9718",0,10000,0,0,0,6500,6500,38500,38500,38500,45375,41,24594,1,18,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2060434,6500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9719",0,1000,0,0,0,1560,-5140,2560,-4140,-4140,-3140,38,13668,3,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.1152104,-5140,0,0,1,0,0,0,0,0,0,0,1,0,0 -"9720",330,1360,0,0,0,1400,-6500,3090,-4810,-4810,-3160,27,25605,1,1,0,0,1,0,1,1,1,1,1,0,0,0,3,1,0.2029813,-6170,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9721",10000,47000,90000,0,90000,52980,52230,109980,109230,199230,208230,35,86412,4,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,62230,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9722",5050,20000,57000,0,57000,14800,14600,39850,39650,96650,96650,42,65262,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,19650,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9723",44300,29500,146000,146000,0,11856,4856,85656,78656,78656,165656,41,108840,2,16,0,1,0,1,1,1,1,1,0,0,0,1,7,4,0.5801663,49156,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9724",3200,0,155000,0,155000,36500,36500,39700,39700,194700,194700,41,85638,4,12,0,1,0,0,1,1,0,1,0,1,0,0,7,2,0.5801663,39700,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9725",0,8000,114900,86000,28900,3600,-500,11600,7500,36400,38400,30,37995,3,12,0,1,0,0,1,1,1,0,0,1,0,0,4,2,0.3719455,-500,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9726",16200,600,230000,142000,88000,10999,6999,27799,23799,111799,111799,48,89940,5,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,23199,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9727",0,0,180000,30000,150000,4000,3700,4000,3700,153700,161770,39,32550,3,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6028074,3700,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9728",26211,13000,110000,70000,40000,4500,3500,43711,42711,82711,83611,38,54081,4,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,29711,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9729",0,0,135000,89900,45100,6000,5000,6000,5000,50100,57100,28,68142,3,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,5000,1,0,0,0,0,0,1,0,1,0,0,0,0 -"9730",0,0,0,0,0,9181,9181,9181,9181,9181,9181,33,57228,4,12,0,1,0,0,1,1,0,0,0,1,0,0,6,2,0.3598378,9181,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9731",0,26942,165000,0,165000,6625,6625,33567,33567,198567,198567,46,63915,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.6688337,6625,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9732",0,4000,0,0,0,5000,1300,9000,5300,5300,7875,37,39255,2,16,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,1300,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9733",2400,0,0,0,0,10600,10000,13000,12400,12400,25143,45,36390,1,16,0,0,1,0,1,1,0,1,0,0,0,1,4,4,0.2906278,12400,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9734",0,460,0,0,0,900,-7100,1360,-6640,-6640,-2340,35,35124,2,15,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-7100,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9735",0,11000,61000,40000,21000,8055,5255,19055,16255,37255,42255,38,40362,4,16,0,1,0,1,1,1,1,0,0,0,0,1,5,4,0.4407951,5255,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9736",0,0,23900,23900,0,49,-451,49,-451,-451,6292,51,11835,3,12,0,0,0,0,1,1,0,0,0,1,0,0,2,2,0.143074,-451,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9737",12000,0,80000,50000,30000,24274,24274,36274,36274,66274,121949,59,34875,1,18,1,0,0,0,1,1,0,1,0,0,0,1,4,4,0.6174901,36274,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9738",0,12000,25000,19500,5500,3999,3999,15999,15999,21499,25499,61,24180,2,8,1,0,1,0,1,1,1,0,1,0,0,0,3,1,0.491887,3999,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9739",0,0,0,0,0,3300,-4700,3300,-4700,-4700,-675,36,35730,1,16,1,0,1,0,1,1,0,0,0,0,0,1,4,4,0.6600804,-4700,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9740",11000,12000,35000,25000,10000,17056,17056,40056,40056,50056,57056,42,51648,4,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,28056,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9741",0,0,0,0,0,5500,3000,5500,3000,3000,3000,26,36930,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.2951996,3000,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9742",0,17000,0,0,0,1600,-830,18600,16170,16170,24108,46,36525,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-830,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9743",0,2000,106000,57500,48500,1424,-3736,3424,-1736,46764,52765,35,23295,1,16,0,0,1,0,1,1,1,0,0,0,0,1,3,4,0.2694195,-3736,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9744",0,80000,150000,30000,120000,18025,14675,98025,94675,214675,250675,55,101187,5,12,0,1,0,1,1,1,1,0,0,1,0,0,7,2,0.5679367,14675,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9745",0,0,85000,79000,6000,2073,-927,2073,-927,5073,17073,30,36144,4,16,0,1,0,0,1,1,0,0,0,0,0,1,4,4,0.3719455,-927,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9746",4200,0,92500,21000,71500,10648,-79852,14848,-75652,-4152,-4152,40,69321,4,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,-75652,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9747",62583,8000,180000,58000,122000,23700,23200,94283,93783,215783,262922,39,59952,4,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,85783,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9748",0,10000,70000,40000,30000,5900,5900,15900,15900,45900,55900,41,52845,2,14,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,5900,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9749",0,0,300000,150000,150000,6150,4250,6150,4250,154250,169350,52,85839,2,16,1,0,1,0,1,1,0,0,0,0,0,1,7,4,0.6891237,4250,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9750",8427,6000,85000,78000,7000,23928,23928,38355,38355,45355,77355,35,74556,2,15,0,1,0,1,1,1,1,1,0,0,1,0,6,3,0.5336504,32355,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9751",0,0,225000,0,225000,255863,250863,255863,250863,475863,477863,63,98712,3,16,1,1,1,1,1,1,0,0,0,0,0,1,7,4,0.6849159,250863,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9752",0,0,72000,70000,2000,500,500,500,500,2500,7500,27,37626,2,17,0,1,0,1,1,1,0,0,0,0,0,1,4,4,0.3719455,500,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9753",21000,0,80000,51000,29000,33599,32999,54599,53999,82999,147619,58,48882,2,12,1,1,1,1,1,1,0,1,0,1,0,0,5,2,0.7196674,53999,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9754",0,600,34000,9200,24800,2100,-21300,2700,-20700,4100,9779,41,38973,3,13,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3866406,-21300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9755",3600,1000,60000,53000,7000,825,-2475,5425,2125,9125,28475,34,93915,4,16,0,1,1,1,1,1,1,1,0,0,0,1,7,4,0.5801663,1125,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9756",31250,13500,120000,76700,43300,340000,339400,384750,384150,427450,593450,63,70779,3,16,0,1,0,0,1,1,1,1,0,0,0,1,6,4,0.5336504,370650,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9757",0,17000,0,0,0,27655,24155,48655,45155,45155,50155,32,59658,2,12,1,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5000061,24155,0,0,0,0,0,0,1,0,0,1,0,0,0 -"9758",0,0,65000,0,65000,0,-3000,0,-3000,62000,64333,40,39816,5,16,0,0,0,0,1,1,0,0,0,0,0,1,4,4,0.3866406,-3000,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9759",12000,2600,250000,120000,130000,301000,300000,315600,314600,444600,649600,47,118197,4,16,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,312000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9760",0,4000,0,0,0,0,-1000,4000,3000,3000,9000,45,25500,2,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-1000,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9761",0,2000,160000,120000,40000,4000,-4700,6000,-2700,37300,38700,31,97914,3,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,-4700,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9762",23000,80000,190000,40000,150000,73000,68000,176000,171000,321000,364000,50,103896,2,14,0,1,0,0,1,1,1,1,0,0,1,0,7,3,0.5801663,91000,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9763",0,80000,300000,150000,150000,39250,39250,119250,119250,269250,269250,37,74013,3,18,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,39250,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9764",18000,20000,70000,0,70000,69999,69999,107999,107999,177999,186999,64,46404,2,12,1,1,0,0,1,1,1,1,0,1,0,0,5,2,0.7196674,87999,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9765",0,6000,90000,25500,64500,3800,2800,9800,8800,73300,85300,48,39312,2,10,0,1,0,1,1,1,1,0,1,0,0,0,4,1,0.3719455,2800,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9766",0,20,37000,37000,0,3000,-2200,3020,-2180,-2180,1520,26,27423,4,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-2200,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9767",0,0,40000,23000,17000,27599,20699,27599,20699,37699,38599,42,32289,3,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.3719455,20699,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9768",0,3500,290000,150000,140000,131600,128600,135100,132100,272100,272100,43,103080,3,12,0,1,0,0,1,1,1,0,0,1,0,0,7,2,0.5679367,128600,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9769",0,1500,240000,43000,197000,10600,9400,12100,10900,207900,207900,39,41793,5,14,1,1,0,1,1,1,1,0,0,0,1,0,5,3,0.6077043,9400,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9770",0,0,100000,82000,18000,200,-10550,200,-10550,7450,7450,32,73707,5,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,-10550,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9771",59600,80000,80000,0,80000,132259,132259,271859,271859,351859,376859,60,78990,3,17,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,191859,1,0,0,0,0,0,0,1,0,0,0,0,1 -"9772",0,2000,0,0,0,0,-20000,2000,-18000,-18000,-7321,55,13260,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,-20000,0,0,1,0,0,0,0,0,0,0,0,0,1 -"9773",0,7813,140000,93000,47000,16025,14025,23838,21838,68838,68838,38,88770,4,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,14025,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9774",0,0,140000,42000,98000,18200,15400,18200,15400,113400,113400,41,59937,4,14,1,1,0,1,1,1,0,0,0,0,1,0,6,3,0.6688337,15400,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9775",0,0,65000,0,65000,0,0,0,0,65000,72406,45,19176,4,12,0,1,0,0,1,1,0,0,0,1,0,0,2,2,0.1582553,0,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9776",2480,0,82000,55000,27000,1999,-151,4479,2329,29329,30829,44,26844,2,12,1,1,0,1,1,1,0,1,0,1,0,0,3,2,0.3788275,2329,1,0,0,1,0,0,0,0,0,0,1,0,0 -"9777",0,0,68000,30000,38000,28000,27650,28000,27650,65650,70600,34,20370,3,15,1,0,0,0,1,1,0,0,0,0,1,0,3,3,0.491887,27650,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9778",0,9000,92000,91000,1000,26300,26300,35300,35300,36300,36300,39,36900,3,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,26300,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9779",0,0,95000,44000,51000,34850,34850,34850,34850,85850,85850,44,66381,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,34850,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9780",0,3000,14000,10000,4000,416,121,7416,7121,11121,14471,49,18177,2,10,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,121,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9781",0,0,0,0,0,79700,79700,79700,79700,79700,144200,56,54132,1,17,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.5906146,79700,0,0,0,0,0,0,1,0,0,0,0,0,1 -"9782",32600,15000,85000,0,85000,8008,8008,55608,55608,140608,140608,43,46596,4,16,1,1,1,0,1,1,1,1,0,0,0,1,5,4,0.7196674,40608,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9783",0,60000,55000,52000,3000,52000,50800,112000,110800,113800,131800,37,71001,5,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,50800,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9784",0,3000,90000,60000,30000,500,0,3500,3000,33000,55150,51,37098,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,0,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9785",8290,0,70000,63000,7000,20970,20900,29260,29190,36190,36190,34,38736,2,18,1,1,0,1,1,1,0,1,0,0,0,1,4,4,0.5449064,29190,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9786",0,0,0,0,0,105,-3395,105,-3395,-3395,495,29,29427,4,12,1,0,0,0,1,1,0,0,0,1,0,0,3,2,0.5315681,-3395,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9787",0,0,0,0,0,1000,-2000,1000,-2000,-2000,500,43,23307,1,12,0,0,1,0,1,1,0,0,0,1,0,0,3,2,0.2060434,-2000,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9788",0,15,0,0,0,0,-1660,15,-1645,-1645,-1645,35,14076,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-1660,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9789",0,0,0,0,0,0,0,0,0,0,50,33,15165,1,12,1,0,1,0,1,1,0,0,0,1,0,0,2,2,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9790",0,5000,0,0,0,1225,1225,6225,6225,6225,16225,37,42318,5,12,1,1,1,1,1,1,1,0,0,1,0,0,5,2,0.5995759,1225,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9791",15200,3500,85000,0,85000,42000,40300,60700,59000,144000,144000,58,28560,3,12,0,1,0,0,1,1,1,1,0,1,0,0,3,2,0.2696004,55500,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9792",0,0,0,0,0,3836,3836,3836,3836,3836,4925,25,33174,3,13,0,1,0,0,1,1,0,0,0,0,1,0,4,3,0.2951996,3836,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9793",0,0,90000,57000,33000,7898,7598,7898,7598,40598,43798,37,42000,2,14,1,1,0,1,1,1,0,0,0,0,1,0,5,3,0.6077043,7598,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9794",28000,12200,200000,150000,50000,50000,50000,90200,90200,140200,289200,41,119133,2,18,1,1,1,1,1,1,1,1,0,0,0,1,7,4,0.7316045,78000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9795",0,12000,105000,72000,33000,4000,2000,16000,14000,47000,51500,35,75159,3,15,1,1,0,1,1,1,1,0,0,0,1,0,7,3,0.6849159,2000,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9796",0,8000,130000,96000,34000,5785,5470,13785,13470,47470,53985,30,54594,1,18,1,0,0,0,1,1,1,0,0,0,0,1,6,4,0.7472324,5470,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9797",0,15000,0,0,0,7500,5700,22500,20700,20700,25350,26,31050,1,17,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6600804,5700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9798",0,500,175000,0,175000,59000,59000,59500,59500,234500,237000,62,31338,1,18,1,0,0,0,1,1,1,0,0,0,0,1,4,4,0.6028074,59000,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9799",0,21000,0,0,0,0,-7000,21000,14000,14000,17333,33,30000,1,14,0,0,0,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-7000,0,0,0,0,1,0,0,0,0,1,0,0,0 -"9800",2000,200,0,0,0,600,100,2800,2300,2300,9025,27,28635,1,12,0,0,1,0,1,1,1,1,0,1,0,0,3,2,0.2029813,2100,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9801",0,10000,192000,126000,66000,0,-1000,10000,9000,75000,75000,36,59046,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,-1000,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9802",0,114,0,0,0,2199,-4301,2313,-4187,-4187,-3573,34,40224,3,14,0,0,0,0,1,1,1,0,0,0,1,0,5,3,0.3055234,-4301,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9803",0,2000,60000,44000,16000,2750,-1750,4750,250,16250,16250,54,51105,3,14,1,1,0,1,1,1,1,0,0,0,1,0,6,3,0.6688337,-1750,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9804",0,3000,300000,147000,153000,2300,1540,5300,4540,157540,165765,51,34095,1,15,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6028074,1540,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9805",0,0,0,0,0,749,749,749,749,749,1749,35,18837,1,11,0,0,1,0,1,1,0,0,1,0,0,0,2,1,0.1152104,749,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9806",0,11000,165000,70000,95000,2309,909,13309,11909,106909,106909,44,40917,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,909,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9807",0,2260,55000,29000,26000,714,-686,2974,1574,27574,27574,38,33345,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-686,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9808",0,0,0,0,0,1350,350,1350,350,350,350,34,24891,3,18,1,1,0,1,1,1,0,0,0,0,0,1,3,4,0.4366938,350,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9809",52000,20000,250000,57000,193000,43100,43100,115100,115100,308100,380600,44,106272,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,95100,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9810",0,4000,0,0,0,0,0,4000,4000,4000,4000,45,29250,4,12,1,1,0,1,1,1,1,0,0,1,0,0,3,2,0.4366938,0,0,0,0,1,0,0,0,0,0,0,0,1,0 -"9811",0,11000,180000,150000,30000,2334,-9666,13334,1334,31334,94934,54,69282,2,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-9666,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9812",5000,10500,118000,59000,59000,29115,25615,64615,61115,120115,120115,49,96369,4,14,0,1,0,1,1,1,1,1,0,0,1,0,7,3,0.5801663,30615,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9813",0,750,60000,0,60000,5500,5477,6250,6227,66227,66227,52,30150,2,8,1,1,0,1,1,1,1,0,1,0,0,0,4,1,0.5297047,5477,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9814",8400,0,100000,94000,6000,1100,925,9500,9325,15325,15325,36,43305,4,12,1,1,0,1,1,1,0,1,0,1,0,0,5,2,0.7196674,9325,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9815",0,2000,76000,36000,40000,27700,27250,29700,29250,69250,69250,34,76974,5,16,1,1,0,1,1,1,1,0,0,0,0,1,7,4,0.6849159,27250,1,0,0,0,0,0,0,1,0,1,0,0,0 -"9816",0,68500,200000,150000,50000,25500,25500,94000,94000,144000,155500,44,109095,4,17,0,1,0,1,1,1,1,0,0,0,0,1,7,4,0.5679367,25500,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9817",0,7000,90000,46000,44000,1400,1400,8400,8400,52400,53400,38,31077,4,14,1,0,1,0,1,1,1,0,0,0,1,0,4,3,0.6028074,1400,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9818",2000,7000,86000,10500,75500,12200,12200,21200,21200,96700,96700,49,63012,4,13,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,14200,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9819",4000,12500,95000,64000,31000,700,-2300,17200,14200,45200,50200,51,58338,4,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,1700,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9820",0,0,0,0,0,650,-10050,650,-10050,-10050,23650,48,37347,2,13,0,1,1,1,1,1,0,0,0,0,1,0,4,3,0.2951996,-10050,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9821",0,600,32500,24000,8500,0,-6150,600,-5550,2950,7450,27,21921,4,10,0,1,0,1,1,1,1,0,1,0,0,0,3,1,0.273178,-6150,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9822",3000,60600,90000,15000,75000,14959,14959,78559,78559,153559,153559,58,62766,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,17959,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9823",0,8900,90000,86000,4000,1549,-51,10449,8849,12849,12849,31,72957,2,16,0,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5405443,-51,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9824",0,0,0,0,0,500,-1500,500,-1500,-1500,10596,35,41526,2,12,1,1,0,1,1,1,0,0,0,1,0,0,5,2,0.5995759,-1500,0,0,0,0,0,1,0,0,0,1,0,0,0 -"9825",0,1700,40000,14900,25100,5750,2500,7450,4200,29300,38300,42,44760,3,17,1,1,0,1,1,1,1,0,0,0,0,1,5,4,0.6077043,2500,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9826",0,0,75000,52000,23000,7228,6228,7228,6228,29228,29228,52,53295,3,12,0,1,0,1,1,1,0,0,0,1,0,0,6,2,0.5405443,6228,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9827",0,100,0,0,0,0,-2800,100,-2700,-2700,-2700,52,35496,4,12,0,1,1,0,1,1,1,0,0,1,0,0,4,2,0.2951996,-2800,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9828",7000,15000,25000,0,25000,1700,-2300,23700,19700,44700,44700,56,32520,3,2,0,1,0,1,1,1,1,1,1,0,0,0,4,1,0.3524857,4700,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9829",0,4500,130000,79000,51000,500,-1000,5000,3500,54500,61500,33,19488,4,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1582553,-1000,1,0,1,0,0,0,0,0,0,1,0,0,0 -"9830",33000,69000,120000,55000,65000,12000,12000,114000,114000,179000,234000,44,48966,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,45000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9831",0,12000,3500,0,3500,1499,1499,13499,13499,16999,16999,61,26484,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.273178,1499,1,0,0,1,0,0,0,0,0,0,0,0,1 -"9832",5000,80000,75000,28500,46500,5799,3759,90799,88759,135259,165109,53,53148,1,18,1,0,1,0,1,1,1,1,0,0,0,1,6,4,0.7856908,8759,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9833",0,10000,50000,4600,45400,75700,67200,85700,77200,122600,123300,36,33312,2,12,1,0,0,0,1,1,1,0,0,1,0,0,4,2,0.6028074,67200,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9834",0,4000,0,0,0,8000,4000,12000,8000,8000,8500,49,50232,1,12,1,0,0,0,1,1,1,0,0,1,0,0,6,2,0.5906146,4000,0,0,0,0,0,0,1,0,0,0,0,1,0 -"9835",9500,7000,122000,122000,0,3750,3550,20250,20050,20050,22096,31,58275,1,15,1,0,0,0,1,1,1,1,0,0,1,0,6,3,0.7856908,13050,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9836",57000,7000,95000,92000,3000,19110,-26490,83110,37510,40510,52510,47,70926,3,18,0,1,0,1,1,1,1,1,0,0,0,1,6,4,0.5336504,30510,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9837",33120,42800,250000,69000,181000,150028,144028,225948,219948,400948,819276,53,45447,2,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.4624346,177148,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9838",2200,18000,140000,87000,53000,42998,41498,63198,61698,114698,155698,49,67764,3,12,0,1,0,0,1,1,1,1,0,1,0,0,6,2,0.5336504,43698,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9839",5100,1000,61200,27500,33700,12000,11185,18100,17285,50985,52685,44,54252,4,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,16285,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9840",16000,360,72000,69500,2500,3665,2465,20025,18825,21325,21325,29,50367,5,12,1,1,0,1,1,1,1,1,0,1,0,0,6,2,0.7130944,18465,1,0,0,0,0,0,1,0,1,0,0,0,0 -"9841",0,0,115000,82500,32500,600,-5600,600,-5600,26900,27900,27,28464,4,16,0,1,0,0,1,1,0,0,0,0,0,1,3,4,0.273178,-5600,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9842",0,0,250000,0,250000,0,0,0,0,250000,256000,57,40086,2,11,0,1,0,1,1,1,0,0,1,0,0,0,5,1,0.4407951,0,1,0,0,0,0,1,0,0,0,0,0,0,1 -"9843",17000,1000,0,0,0,294,-22496,18294,-4496,-4496,28104,42,44016,4,12,0,1,0,1,1,1,1,1,0,1,0,0,5,2,0.3442089,-5496,0,0,0,0,0,1,0,0,0,0,1,0,0 -"9844",0,0,0,0,0,2800,2800,2800,2800,2800,29925,32,23628,3,12,0,0,0,0,1,1,0,0,0,1,0,0,3,2,0.2060434,2800,0,0,0,1,0,0,0,0,0,1,0,0,0 -"9845",0,7000,110000,69000,41000,920,920,7920,7920,48920,52920,36,45210,6,14,1,1,0,0,1,1,1,0,0,0,1,0,5,3,0.6077043,920,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9846",0,45000,0,0,0,7000,7000,52000,52000,52000,52000,60,38820,1,14,1,0,0,0,1,1,1,0,0,0,1,0,4,3,0.6600804,7000,0,0,0,0,1,0,0,0,0,0,0,0,1 -"9847",0,80000,0,0,0,4999,4649,84999,84649,84649,86328,45,16182,1,12,1,0,0,0,1,1,1,0,0,1,0,0,2,2,0.4215196,4649,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9848",5000,33000,130000,116000,14000,16000,16000,54000,54000,68000,69888,42,46659,1,17,0,0,0,0,1,1,1,1,0,0,0,1,5,4,0.4414764,21000,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9849",0,300,240000,150000,90000,510,-13490,810,-13190,76810,77610,26,54558,2,15,0,1,0,1,1,1,1,0,0,0,1,0,6,3,0.5405443,-13490,1,0,0,0,0,0,1,0,1,0,0,0,0 -"9850",0,50200,140000,140000,0,6200,500,56400,50700,50700,83700,41,57360,4,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,500,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9851",0,38,52000,42000,10000,16200,14200,16238,14238,24238,26904,45,23415,1,13,0,0,0,0,1,1,1,0,0,0,1,0,3,3,0.2694195,14200,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9852",8200,0,228000,0,228000,21000,21000,29200,29200,257200,257200,57,66840,4,14,1,1,0,1,1,1,0,1,0,0,1,0,6,3,0.7130944,29200,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9853",0,172,0,0,0,0,0,172,172,172,172,31,14610,1,18,1,0,0,0,1,1,1,0,0,0,0,1,2,4,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9854",0,0,42000,38000,4000,220,-280,220,-280,3720,7220,47,42120,4,12,0,1,0,0,1,1,0,0,0,1,0,0,5,2,0.4407951,-280,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9855",2000,2000,40000,27000,13000,3000,3000,7000,7000,20000,22000,45,27600,1,17,0,0,0,0,1,1,1,1,0,0,0,1,3,4,0.2658667,5000,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9856",0,0,5000,3200,1800,0,-2500,0,-2500,-700,21583,46,10404,1,12,1,0,0,0,1,1,0,0,0,1,0,0,2,2,0.4041266,-2500,1,0,1,0,0,0,0,0,0,0,0,1,0 -"9857",0,0,190000,120000,70000,8000,3000,8000,3000,73000,86350,49,58050,2,18,1,0,0,0,1,1,0,0,0,0,0,1,6,4,0.7472324,3000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9858",5000,3800,140000,101000,39000,32000,32000,40800,40800,79800,199800,38,76212,2,18,1,1,0,1,1,1,1,1,0,0,0,1,7,4,0.7316045,37000,1,0,0,0,0,0,0,1,0,0,1,0,0 -"9859",1200,0,90000,0,90000,2309,2309,3509,3509,93509,93509,54,38250,2,10,0,1,0,1,1,1,0,1,1,0,0,0,4,1,0.3524857,3509,1,0,0,0,1,0,0,0,0,0,0,1,0 -"9860",0,0,2000,0,2000,175,-6109,175,-6109,-4109,-4109,31,29343,2,15,0,1,1,1,1,1,0,0,0,0,1,0,3,3,0.273178,-6109,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9861",7800,0,0,0,0,2100,-1200,9900,6600,6600,11600,52,37791,2,14,0,1,0,1,1,1,0,1,0,0,1,0,4,3,0.277538,6600,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9862",18400,1000,300000,100000,200000,57000,57000,76400,76400,276400,276400,32,55542,2,16,1,1,1,1,1,1,1,1,0,0,0,1,6,4,0.7130944,75400,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9863",33000,51000,130000,110000,20000,1500,-18050,85500,65950,85950,110950,50,51897,2,14,0,1,0,0,1,1,1,1,0,0,1,0,6,3,0.5336504,14950,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9864",0,2000,0,0,0,20,-2837,2020,-837,-837,1763,49,7296,3,12,0,0,0,0,1,1,1,0,0,1,0,0,1,2,0.0278493,-2837,0,1,0,0,0,0,0,0,0,0,0,1,0 -"9865",21000,0,0,0,0,36167,30987,57167,51987,51987,95087,58,30795,2,12,0,1,0,1,1,1,0,1,0,1,0,0,4,2,0.277538,51987,0,0,0,0,1,0,0,0,0,0,0,0,1 -"9866",0,1500,0,0,0,3000,-1500,4500,0,0,0,29,52944,2,16,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.5000061,-1500,0,0,0,0,0,0,1,0,1,0,0,0,0 -"9867",0,0,0,0,0,326,226,326,226,226,476,28,14415,1,13,1,0,0,0,1,1,0,0,0,0,1,0,2,3,0.4215196,226,0,0,1,0,0,0,0,0,1,0,0,0,0 -"9868",14000,16000,150000,75000,75000,49699,49699,79699,79699,154699,159699,49,51213,3,14,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,63699,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9869",0,10000,145000,104000,41000,11552,-43848,21552,-33848,7152,29652,38,41400,5,12,0,1,0,0,1,1,1,0,0,1,0,0,5,2,0.4407951,-43848,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9870",0,1500,120000,48500,71500,600,-2800,2100,-1300,70200,70200,35,24924,3,9,0,1,0,0,1,1,1,0,1,0,0,0,3,1,0.273178,-2800,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9871",0,0,0,0,0,1600,-13700,1600,-13700,-13700,-13700,28,21216,4,12,0,1,0,0,1,1,0,0,0,1,0,0,3,2,0.2092901,-13700,0,0,0,1,0,0,0,0,1,0,0,0,0 -"9872",0,21000,0,0,0,6299,5299,27299,26299,26299,28024,46,57678,2,12,0,0,0,0,1,1,1,0,0,1,0,0,6,2,0.3169526,5299,0,0,0,0,0,0,1,0,0,0,0,1,0 -"9873",0,12000,0,0,0,2000,-500,14000,11500,11500,11500,54,36000,2,15,0,0,1,0,1,1,1,0,0,0,1,0,4,3,0.3086649,-500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9874",14844,5000,250000,56000,194000,100,-400,19944,19444,213444,297444,62,64662,2,13,1,1,0,1,1,1,1,1,0,0,1,0,6,3,0.7130944,14444,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9875",0,28000,135000,65000,70000,3000,300,31000,28300,98300,105300,30,35940,4,13,0,1,0,0,1,1,1,0,0,0,1,0,4,3,0.3719455,300,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9876",0,4000,6000,18000,-12000,20,20,4020,4020,-7980,1531,46,28491,3,10,0,0,1,0,1,1,1,0,1,0,0,0,3,1,0.2694195,20,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9877",0,8000,40000,18000,22000,0,0,8000,8000,30000,33350,44,17880,1,11,0,0,0,0,1,1,1,0,1,0,0,0,2,1,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9878",0,2000,65000,39000,26000,8300,8300,10300,10300,36300,37800,34,43563,2,15,1,0,0,0,1,1,1,0,0,0,1,0,5,3,0.5315816,8300,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9879",0,4000,0,0,0,0,-700,4000,3300,3300,81300,48,19263,5,12,0,1,0,0,1,1,1,0,0,1,0,0,2,2,0.1283302,-700,0,0,1,0,0,0,0,0,0,0,0,1,0 -"9880",16700,30000,70000,19000,51000,2299,2099,48999,48799,99799,102468,41,37254,3,12,0,1,0,1,1,1,1,1,0,1,0,0,4,2,0.3524857,18799,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9881",11000,0,0,0,0,36500,36500,47500,47500,47500,57850,46,35640,1,16,1,0,1,0,1,1,0,1,0,0,0,1,4,4,0.6739899,47500,0,0,0,0,1,0,0,0,0,0,0,1,0 -"9882",16500,1000,125000,33000,92000,17800,12925,35300,30425,122425,122425,38,57030,4,16,1,1,0,1,1,1,1,1,0,0,0,1,6,4,0.7130944,29425,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9883",0,3000,29000,29000,0,2000,1000,5000,4000,4000,305000,29,25059,7,8,0,1,1,1,1,1,1,0,1,0,0,0,3,1,0.273178,1000,1,0,0,1,0,0,0,0,1,0,0,0,0 -"9884",0,32829,80000,38500,41500,3076,-4424,35905,28405,69905,84524,59,51489,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-4424,1,0,0,0,0,0,1,0,0,0,0,0,1 -"9885",4000,65000,84000,40000,44000,13000,12500,82000,81500,125500,133125,45,63411,3,12,0,1,0,1,1,1,1,1,0,1,0,0,6,2,0.5336504,16500,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9886",0,0,50000,49000,1000,1000,1000,1000,1000,2000,12850,31,35586,3,12,0,1,0,1,1,1,0,0,0,1,0,0,4,2,0.3719455,1000,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9887",0,5000,0,0,0,1000,-5500,6000,-500,-500,-500,40,24927,4,16,1,1,0,0,1,1,1,0,0,0,0,1,3,4,0.4366938,-5500,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9888",10000,21000,0,0,0,1342,-8390,32342,22610,22610,22610,37,65667,4,12,0,1,1,1,1,1,1,1,0,1,0,0,6,2,0.3533661,1610,0,0,0,0,0,0,1,0,0,0,1,0,0 -"9889",29000,70000,40000,25000,15000,11950,11350,110950,110350,125350,145350,50,99084,2,14,1,1,0,1,1,1,1,1,0,0,1,0,7,3,0.7316045,40350,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9890",0,3000,73600,40500,33100,1200,-6500,4200,-3500,29600,37600,31,29937,6,12,0,1,0,0,1,1,1,0,0,1,0,0,3,2,0.273178,-6500,1,0,0,1,0,0,0,0,0,1,0,0,0 -"9891",2600,0,90000,65000,25000,3200,3140,5800,5740,30740,45336,49,26505,2,16,1,0,0,0,1,1,0,1,0,0,0,1,3,4,0.4720998,5740,1,0,0,1,0,0,0,0,0,0,0,1,0 -"9892",2000,0,57000,35000,22000,20148,10148,22148,12148,34148,34148,36,58026,4,17,0,1,0,1,1,1,0,1,0,0,0,1,6,4,0.5336504,12148,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9893",0,80,46000,39000,7000,2805,-10195,2885,-10115,-3115,12885,34,49200,3,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,-10195,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9894",0,1171,115000,11000,104000,893,-5441,2064,-4270,99730,99730,38,40488,4,16,0,1,0,0,1,1,1,0,0,0,0,1,5,4,0.4407951,-5441,1,0,0,0,0,1,0,0,0,0,1,0,0 -"9895",0,12000,200000,0,200000,2000,2000,14000,14000,214000,214000,45,48663,4,12,0,1,0,1,1,1,1,0,0,1,0,0,5,2,0.4407951,2000,1,0,0,0,0,1,0,0,0,0,0,1,0 -"9896",0,10605,0,0,0,1395,-4705,12000,5900,5900,8624,40,38376,2,12,1,0,1,0,1,1,1,0,0,1,0,0,4,2,0.6600804,-4705,0,0,0,0,1,0,0,0,0,0,1,0,0 -"9897",0,18000,85000,68300,16700,2901,-1799,20901,16201,32901,39397,29,39396,1,18,0,0,0,0,1,1,1,0,0,0,0,1,4,4,0.3866406,-1799,1,0,0,0,1,0,0,0,1,0,0,0,0 -"9898",0,1000,0,0,0,3600,3570,4600,4570,4570,5570,32,8664,2,13,0,0,0,0,1,1,1,0,0,0,1,0,1,3,0.0278493,3570,0,1,0,0,0,0,0,0,0,1,0,0,0 -"9899",0,5000,0,0,0,812,-588,5812,4412,4412,8078,36,28500,3,12,1,0,0,0,1,1,1,0,0,1,0,0,3,2,0.5315681,-588,0,0,0,1,0,0,0,0,0,0,1,0,0 -"9900",0,11000,183000,134000,49000,2499,-28201,13499,-17201,31799,31799,36,63546,5,16,0,1,0,0,1,1,1,0,0,0,0,1,6,4,0.5405443,-28201,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9901",0,1900,130000,51000,79000,6700,6700,8600,8600,87600,87600,34,70590,2,12,0,1,0,1,1,1,1,0,0,1,0,0,6,2,0.5405443,6700,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9902",2920,75000,259000,148500,110500,5100,2100,83020,80020,190520,190520,46,99372,5,12,0,1,0,0,1,1,1,1,0,1,0,0,7,2,0.5801663,5020,1,0,0,0,0,0,0,1,0,0,0,1,0 -"9903",0,17000,90000,38000,52000,700,-800,17700,16200,68200,76200,36,33738,5,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.3719455,-800,1,0,0,0,1,0,0,0,0,0,1,0,0 -"9904",20000,18225,125000,0,125000,140910,140710,179135,178935,303935,470710,63,38307,1,14,0,0,0,0,1,1,1,1,0,0,1,0,4,3,0.3669286,160710,1,0,0,0,1,0,0,0,0,0,0,0,1 -"9905",0,5000,95000,80000,15000,14300,13900,19300,18900,33900,33900,32,49542,3,14,0,1,0,1,1,1,1,0,0,0,1,0,5,3,0.4407951,13900,1,0,0,0,0,1,0,0,0,1,0,0,0 -"9906",0,200,0,0,0,64,-1636,264,-1436,-1436,5564,27,37815,4,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-1636,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9907",0,4500,50000,44000,6000,0,0,4500,4500,10500,12000,42,16512,1,13,0,0,0,0,1,1,1,0,0,0,1,0,2,3,0.143074,0,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9908",0,18000,75000,36000,39000,19164,16739,37164,34739,73739,82089,38,17028,3,14,0,1,0,0,1,1,1,0,0,0,1,0,2,3,0.1582553,16739,1,0,1,0,0,0,0,0,0,0,1,0,0 -"9909",0,1950,0,0,0,400,-2700,2350,-750,-750,7750,28,31926,2,12,0,1,0,1,1,1,1,0,0,1,0,0,4,2,0.2951996,-2700,0,0,0,0,1,0,0,0,1,0,0,0,0 -"9910",5000,27000,150000,65000,85000,8000,8000,40000,40000,125000,125000,49,64215,4,16,0,1,1,1,1,1,1,1,0,0,0,1,6,4,0.5336504,13000,1,0,0,0,0,0,1,0,0,0,0,1,0 -"9911",0,172,0,0,0,0,0,172,172,172,1322,34,13500,1,14,1,0,0,0,1,1,1,0,0,0,1,0,2,3,0.4215196,0,0,0,1,0,0,0,0,0,0,1,0,0,0 -"9912",0,4500,53000,49000,4000,936,-3664,5436,836,4836,7669,33,39027,3,12,1,1,1,0,1,1,1,0,0,1,0,0,4,2,0.5297047,-3664,1,0,0,0,1,0,0,0,0,1,0,0,0 -"9913",0,0,250000,150000,100000,10150,6150,10150,6150,106150,211150,34,62616,4,16,0,1,0,1,1,1,0,0,0,0,0,1,6,4,0.5405443,6150,1,0,0,0,0,0,1,0,0,1,0,0,0 -"9914",0,15000,63000,59000,4000,3499,-501,18499,14499,18499,18499,41,56190,3,18,1,1,0,1,1,1,1,0,0,0,0,1,6,4,0.6688337,-501,1,0,0,0,0,0,1,0,0,0,1,0,0 -"9915",0,600,0,0,0,0,-6000,600,-5400,-5400,-4300,28,26205,4,12,0,1,0,1,1,1,1,0,0,1,0,0,3,2,0.2092901,-6000,0,0,0,1,0,0,0,0,1,0,0,0,0 diff --git a/testing.ipynb b/testing.ipynb deleted file mode 100644 index 9983e195..00000000 --- a/testing.ipynb +++ /dev/null @@ -1,452 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "using CausalELM\n", - "using CSV\n", - "using DataFrames\n", - "using Random" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "(\u001b[1m9915×8 DataFrame\u001b[0m\n", - "\u001b[1m Row \u001b[0m│\u001b[1m age \u001b[0m\u001b[1m inc \u001b[0m\u001b[1m fsize \u001b[0m\u001b[1m marr \u001b[0m\u001b[1m twoearn \u001b[0m\u001b[1m db \u001b[0m\u001b[1m pira \u001b[0m\u001b[1m hown \u001b[0m\n", - " │\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\n", - "──────┼──────────────────────────────────────────────────────────\n", - " 1 │ 31 28146 5 1 0 0 0 1\n", - " 2 │ 52 32634 5 0 0 0 0 1\n", - " 3 │ 50 52206 3 1 1 0 1 1\n", - " 4 │ 28 45252 4 1 1 0 0 0\n", - " 5 │ 42 33126 3 0 0 1 0 1\n", - " 6 │ 49 76860 6 1 1 1 0 1\n", - " 7 │ 40 57477 4 1 1 1 0 1\n", - " 8 │ 58 14637 1 0 0 0 0 0\n", - " ⋮ │ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮\n", - " 9909 │ 28 31926 2 1 1 0 0 0\n", - " 9910 │ 49 64215 4 1 1 0 1 1\n", - " 9911 │ 34 13500 1 0 0 1 0 0\n", - " 9912 │ 33 39027 3 1 0 1 0 1\n", - " 9913 │ 34 62616 4 1 1 0 0 1\n", - " 9914 │ 41 56190 3 1 1 1 0 1\n", - " 9915 │ 28 26205 4 1 1 0 0 0\n", - "\u001b[36m 9900 rows omitted\u001b[0m, [0, 0, 0, 0, 0, 0, 0, 0, 0, 0 … 1, 1, 1, 1, 1, 1, 1, 1, 1, 1], [-3300, 61010, 8849, -6013, -2375, -11000, -16901, 1000, 0, 6400 … -1436, 4500, 34739, -750, 40000, 172, 836, 6150, 14499, -5400])" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "pension_df = CSV.read(\"pension.csv\", DataFrame)\n", - "pension_df = pension_df[:, [10, 22, 13, 14, 15, 18, 20, 17, 24, 33]]\n", - "covariates, treatment, outcome = pension_df[:, 3:end], pension_df[:, 2], pension_df[:, 1]" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
9915×8 DataFrame
9890 rows omitted
Rowageincfsizemarrtwoearndbpirahown
Float64Float64Float64Float64Int64Int64Int64Int64
10.1538460.1258210.3333331.00001
20.6923080.1441560.3333330.00001
30.6410260.2241150.1666671.01011
40.07692310.1957050.251.01000
50.4358970.1461660.1666670.00101
60.6153850.3248360.4166671.01101
70.3846150.2456490.251.01101
80.8461540.07063190.00.00000
90.1025640.03768750.250.00000
100.6410260.03439060.00.00010
110.5128210.1874820.00.00111
120.00.1755690.1666671.01000
130.1282050.1333950.08333331.00000
99040.9743590.1673330.00.00011
99050.1794870.2132320.1666671.01001
99060.05128210.1653230.251.01000
99070.4358970.0782920.00.00001
99080.3333330.08040.1666671.00001
99090.07692310.1412640.08333331.01000
99100.6153850.2731760.251.01011
99110.2307690.06598690.00.00100
99120.2051280.1702740.1666671.00101
99130.2307690.2666440.251.01001
99140.4102560.2403910.1666671.01101
99150.07692310.1178910.251.01000
" - ], - "text/latex": [ - "\\begin{tabular}{r|cccccccc}\n", - "\t& age & inc & fsize & marr & twoearn & db & pira & hown\\\\\n", - "\t\\hline\n", - "\t& Float64 & Float64 & Float64 & Float64 & Int64 & Int64 & Int64 & Int64\\\\\n", - "\t\\hline\n", - "\t1 & 0.153846 & 0.125821 & 0.333333 & 1.0 & 0 & 0 & 0 & 1 \\\\\n", - "\t2 & 0.692308 & 0.144156 & 0.333333 & 0.0 & 0 & 0 & 0 & 1 \\\\\n", - "\t3 & 0.641026 & 0.224115 & 0.166667 & 1.0 & 1 & 0 & 1 & 1 \\\\\n", - "\t4 & 0.0769231 & 0.195705 & 0.25 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", - "\t5 & 0.435897 & 0.146166 & 0.166667 & 0.0 & 0 & 1 & 0 & 1 \\\\\n", - "\t6 & 0.615385 & 0.324836 & 0.416667 & 1.0 & 1 & 1 & 0 & 1 \\\\\n", - "\t7 & 0.384615 & 0.245649 & 0.25 & 1.0 & 1 & 1 & 0 & 1 \\\\\n", - "\t8 & 0.846154 & 0.0706319 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t9 & 0.102564 & 0.0376875 & 0.25 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t10 & 0.641026 & 0.0343906 & 0.0 & 0.0 & 0 & 0 & 1 & 0 \\\\\n", - "\t11 & 0.512821 & 0.187482 & 0.0 & 0.0 & 0 & 1 & 1 & 1 \\\\\n", - "\t12 & 0.0 & 0.175569 & 0.166667 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", - "\t13 & 0.128205 & 0.133395 & 0.0833333 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t14 & 0.0512821 & 0.050103 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t15 & 0.435897 & 0.358442 & 0.25 & 1.0 & 1 & 0 & 1 & 1 \\\\\n", - "\t16 & 0.25641 & 0.142416 & 0.0833333 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", - "\t17 & 0.25641 & 0.270357 & 0.0 & 0.0 & 0 & 0 & 1 & 0 \\\\\n", - "\t18 & 0.410256 & 0.141141 & 0.333333 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t19 & 0.717949 & 0.0506422 & 0.0 & 1.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t20 & 0.948718 & 0.315558 & 0.166667 & 1.0 & 0 & 1 & 0 & 1 \\\\\n", - "\t21 & 0.512821 & 0.166683 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t22 & 0.794872 & 0.077385 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t23 & 0.153846 & 0.0571625 & 0.0 & 0.0 & 0 & 0 & 0 & 0 \\\\\n", - "\t24 & 0.153846 & 0.117769 & 0.333333 & 1.0 & 1 & 0 & 0 & 0 \\\\\n", - "\t$\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ & $\\dots$ \\\\\n", - "\\end{tabular}\n" - ], - "text/plain": [ - "\u001b[1m9915×8 DataFrame\u001b[0m\n", - "\u001b[1m Row \u001b[0m│\u001b[1m age \u001b[0m\u001b[1m inc \u001b[0m\u001b[1m fsize \u001b[0m\u001b[1m marr \u001b[0m\u001b[1m twoearn \u001b[0m\u001b[1m db \u001b[0m\u001b[1m pira \u001b[0m\u001b[1m hown \u001b[0m ⋯\n", - " │\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Float64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64 \u001b[0m\u001b[90m Int64\u001b[0m ⋯\n", - "──────┼─────────────────────────────────────────────────────────────────────────\n", - " 1 │ 0.153846 0.125821 0.333333 1.0 0 0 0 1 ⋯\n", - " 2 │ 0.692308 0.144156 0.333333 0.0 0 0 0 1\n", - " 3 │ 0.641026 0.224115 0.166667 1.0 1 0 1 1\n", - " 4 │ 0.0769231 0.195705 0.25 1.0 1 0 0 0\n", - " 5 │ 0.435897 0.146166 0.166667 0.0 0 1 0 1 ⋯\n", - " 6 │ 0.615385 0.324836 0.416667 1.0 1 1 0 1\n", - " 7 │ 0.384615 0.245649 0.25 1.0 1 1 0 1\n", - " 8 │ 0.846154 0.0706319 0.0 0.0 0 0 0 0\n", - " ⋮ │ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋮ ⋱\n", - " 9909 │ 0.0769231 0.141264 0.0833333 1.0 1 0 0 0 ⋯\n", - " 9910 │ 0.615385 0.273176 0.25 1.0 1 0 1 1\n", - " 9911 │ 0.230769 0.0659869 0.0 0.0 0 1 0 0\n", - " 9912 │ 0.205128 0.170274 0.166667 1.0 0 1 0 1\n", - " 9913 │ 0.230769 0.266644 0.25 1.0 1 0 0 1 ⋯\n", - " 9914 │ 0.410256 0.240391 0.166667 1.0 1 1 0 1\n", - " 9915 │ 0.0769231 0.117891 0.25 1.0 1 0 0 0\n", - "\u001b[36m 9900 rows omitted\u001b[0m" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "covariates.inc = (covariates.inc .- minimum(covariates.inc))/(maximum(covariates.inc) - minimum(covariates.inc))\n", - "covariates.age = (covariates.age .- minimum(covariates.age))/(maximum(covariates.age) - minimum(covariates.age))\n", - "covariates.fsize = (covariates.fsize .- minimum(covariates.fsize))/(maximum(covariates.fsize) - minimum(covariates.fsize))\n", - "covariates.marr = (covariates.marr .- minimum(covariates.marr))/(maximum(covariates.marr) - minimum(covariates.marr))\n", - "covariates" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "DoubleMachineLearning([0.15384615384615385 0.18468722423767037 … 0.0 0.0; 0.10256410256410256 0.2869031277576233 … 1.0 0.0; … ; 0.46153846153846156 0.6448671438376311 … 1.0 1.0; 0.48717948717948717 0.14913226786939895 … 0.0 1.0], [0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0], [-101436.0, 72450.0, 0.0, 12400.0, 11000.0, 162100.0, 0.0, -17039.0, 20000.0, 20200.0 … 47700.0, 61550.0, -4100.0, 20080.0, 765.0, 499.0, 5073.0, -5750.0, 87000.0, 24335.0], \"ATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 24, NaN, 5)" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "dml = DoubleMachineLearning(covariates, treatment, outcome)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "RLearner([0.48717948717948717 0.31428326306500637 … 0.0 1.0; 0.8974358974358975 0.12285518188057652 … 1.0 1.0; … ; 0.02564102564102564 0.08928571428571429 … 0.0 0.0; 0.6410256410256411 0.025884890675556427 … 0.0 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0 … 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0], [4500.0, 26549.0, 12000.0, 35883.0, 52399.0, 0.0, -295.0, 19328.0, 20390.0, 0.0 … 10900.0, 32600.0, 36950.0, 63249.0, -10002.0, -1600.0, -6100.0, 1599.0, -3900.0, 8.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 5)" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "r_learner = RLearner(covariates, treatment, outcome)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "DoublyRobustLearner([0.7692307692307693 0.17686783017942936 … 1.0 1.0; 0.358974358974359 0.03952593391508971 … 0.0 0.0; … ; 0.5128205128205128 0.21873467987057554 … 0.0 0.0; 0.2564102564102564 0.11966859496029023 … 0.0 1.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0 … 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0], [120097.0, 13.0, 0.0, 7300.0, 6399.0, -4400.0, 73800.0, 0.0, -1700.0, -1021.0 … 3300.0, 78656.0, -8000.0, 0.0, 1746.0, 145720.0, -150.0, -1000.0, 15815.0, -2430.0], \"CATE\", false, \"regression\", CausalELM.swish, 9915, 50, 6, 32, [NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN … NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN, NaN], 2)" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "dre = DoublyRobustLearner(covariates, treatment, outcome)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "8759.474734449188" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "estimate_causal_effect!(dml)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "9915-element Vector{Float64}:\n", - " 24755.785338865426\n", - " 68197.07184295838\n", - " 92849.42080534843\n", - " 32105.11108685571\n", - " 25500.01930162667\n", - " -6418.974724219135\n", - " 17429.003461237742\n", - " 26258.63116963979\n", - " -3068.111940954936\n", - " 4760.359076011844\n", - " ⋮\n", - " 17102.897091206243\n", - " 3734.3184805060528\n", - " 243555.138005544\n", - " 125092.59572298202\n", - " -994.2317041595583\n", - " -2483.5916206124098\n", - " 2148.7893083038316\n", - " -10414.71356261897\n", - " -7195.4730704263775" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "estimate_causal_effect!(r_learner)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "9915-element Vector{Float64}:\n", - " 13198.079605028575\n", - " 1407.4678722103322\n", - " 1080.9705073445443\n", - " -3171.7269008753524\n", - " -764.1459932436837\n", - " 10530.477160154649\n", - " 45633.87477163151\n", - " 1381.9909447433733\n", - " 1900.9017215717163\n", - " 14388.211293805694\n", - " ⋮\n", - " 5109.724375978067\n", - " 6446.592444230741\n", - " 7539.114659459059\n", - " 8812.653576412042\n", - " 12889.00479522849\n", - " 1118.3998975855652\n", - " 1942.3574441823084\n", - " 16711.797656490606\n", - " 7627.517636784663" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "estimate_causal_effect!(dre)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Dict{Any, Any} with 11 entries:\n", - " \"Activation Function\" => swish\n", - " \"Quantity of Interest\" => \"ATE\"\n", - " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => 8759.47\n", - " \"Number of Neurons\" => 24\n", - " \"Task\" => \"regression\"\n", - " \"Time Series/Panel Data\" => false\n", - " \"Standard Error\" => NaN\n", - " \"p-value\" => NaN\n", - " \"Number of Features\" => 6" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "summarize(dml)" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Dict{Any, Any} with 11 entries:\n", - " \"Activation Function\" => swish\n", - " \"Quantity of Interest\" => \"CATE\"\n", - " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => [24755.8, 68197.1, 92849.4, 32105.1, 25500.0, -64…\n", - " \"Number of Neurons\" => 32\n", - " \"Task\" => \"regression\"\n", - " \"Time Series/Panel Data\" => false\n", - " \"Standard Error\" => NaN\n", - " \"p-value\" => NaN\n", - " \"Number of Features\" => 6" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "summarize(r_learner)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "Dict{Any, Any} with 11 entries:\n", - " \"Activation Function\" => swish\n", - " \"Quantity of Interest\" => \"CATE\"\n", - " \"Sample Size\" => 9915\n", - " \"Number of Machines\" => 50\n", - " \"Causal Effect\" => [13198.1, 1407.47, 1080.97, -3171.73, -764.146, 1…\n", - " \"Number of Neurons\" => 32\n", - " \"Task\" => \"regression\"\n", - " \"Time Series/Panel Data\" => false\n", - " \"Standard Error\" => NaN\n", - " \"p-value\" => NaN\n", - " \"Number of Features\" => 6" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "summarise(dre)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 8098.95082615164, \"0.075 Standard Deviations from Observed Outcomes\" => 7502.99909825876, \"0.025 Standard Deviations from Observed Outcomes\" => 8746.186015069896, \"0.05 Standard Deviations from Observed Outcomes\" => 8682.688086232247), 2.6466389357103424, Matrix{Float64}(undef, 0, 9))" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "validate(dml)" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 77140.51741970167, \"0.075 Standard Deviations from Observed Outcomes\" => 23897.06455463217, \"0.025 Standard Deviations from Observed Outcomes\" => 23530.122112104997, \"0.05 Standard Deviations from Observed Outcomes\" => 23676.120658302345), 2.6158189826937086, Matrix{Float64}(undef, 0, 9))" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "validate(r_learner)" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "(Dict(\"0.1 Standard Deviations from Observed Outcomes\" => 8162.367832397463, \"0.075 Standard Deviations from Observed Outcomes\" => 5515.914028578847, \"0.025 Standard Deviations from Observed Outcomes\" => 8190.3094079227085, \"0.05 Standard Deviations from Observed Outcomes\" => 8242.728308790338), 2.6325661236588545, Matrix{Float64}(undef, 0, 9))" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "validate(dre)" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Julia 1.8.5", - "language": "julia", - "name": "julia-1.8" - }, - "language_info": { - "file_extension": ".jl", - "mimetype": "application/julia", - "name": "julia", - "version": "1.8.5" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} From 58039505dfb0decbd79465496c88ca67e727fd81 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Fri, 5 Jul 2024 17:56:51 -0500 Subject: [PATCH 22/24] Fixed documentation --- docs/src/api.md | 12 +++++------- src/CausalELM.jl | 11 +++++------ src/models.jl | 2 -- 3 files changed, 10 insertions(+), 15 deletions(-) diff --git a/docs/src/api.md b/docs/src/api.md index a4ddee88..41e0ff3a 100644 --- a/docs/src/api.md +++ b/docs/src/api.md @@ -1,7 +1,7 @@ # CausalELM -Most of the methods and structs here are private, not exported, should not be called by the -user, and are documented for the purpose of developing CausalELM or to facilitate -understanding of the implementation. +```@docs +CausalELM.CausalELM +``` ## Types ```@docs @@ -15,9 +15,8 @@ RLearner DoublyRobustLearner CausalELM.CausalEstimator CausalELM.Metalearner -CausalELM.ExtremeLearningMachine CausalELM.ExtremeLearner -CausalELM.RegularizedExtremeLearner +CausalELM.ELMEnsemble CausalELM.Nonbinary CausalELM.Binary CausalELM.Count @@ -100,7 +99,6 @@ CausalELM.fit! CausalELM.predict CausalELM.predict_counterfactual! CausalELM.placebo_test -CausalELM.ridge_constant CausalELM.set_weights_biases ``` @@ -113,5 +111,5 @@ CausalELM.one_hot_encode CausalELM.clip_if_binary CausalELM.@model_config CausalELM.@standard_input_data -CausalEL.generate_folds +CausalELM.generate_folds ``` diff --git a/src/CausalELM.jl b/src/CausalELM.jl index f4b4d354..949e42ae 100644 --- a/src/CausalELM.jl +++ b/src/CausalELM.jl @@ -1,10 +1,9 @@ """ -Macros, functions, and structs for applying Extreme Learning Machines to causal inference -tasks where the counterfactual is unavailable or biased and must be predicted. Supports -causal inference via interrupted time series designs, parametric G-computation, double -machine learning, and S-learning, T-learning, X-learning, R-learning, and doubly robust -estimation. Additionally, these tasks can be performed with or without L2 penalization and -will automatically choose the best number of neurons and L2 penalty. +Macros, functions, and structs for applying Ensembles of extreme learning machines to causal +inference tasks where the counterfactual is unavailable or biased and must be predicted. +Supports causal inference via interrupted time series designs, parametric G-computation, +double machine learning, and S-learning, T-learning, X-learning, R-learning, and doubly +robust estimation. For more details on Extreme Learning Machines see: Huang, Guang-Bin, Qin-Yu Zhu, and Chee-Kheong Siew. "Extreme learning machine: theory diff --git a/src/models.jl b/src/models.jl index 0b9bdd73..b13edda5 100644 --- a/src/models.jl +++ b/src/models.jl @@ -15,8 +15,6 @@ For more details see: Huang, Guang-Bin, Qin-Yu Zhu, and Chee-Kheong Siew. "Extreme learning machine: theory and applications." Neurocomputing 70, no. 1-3 (2006): 489-501. -See also [`CausalELM.RegularizedExtremeLearner`](@ref). - # Examples ```julia julia> x, y = [1.0 1.0; 0.0 1.0; 0.0 0.0; 1.0 0.0], [0.0, 1.0, 0.0, 1.0] From d39f14d69f766e4688b8ff84a5bd1c6990598324 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Fri, 5 Jul 2024 18:09:23 -0500 Subject: [PATCH 23/24] Updated version --- Project.toml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Project.toml b/Project.toml index 8e583b82..8e1fd321 100644 --- a/Project.toml +++ b/Project.toml @@ -1,7 +1,7 @@ name = "CausalELM" uuid = "26abab4e-b12e-45db-9809-c199ca6ddca8" authors = ["Darren Colby and contributors"] -version = "0.6.0" +version = "0.7.0" [deps] LinearAlgebra = "37e2e46d-f89d-539d-b4ee-838fcccc9c8e" From 2df00321f05a762e4898360d6de920a0ad2a7074 Mon Sep 17 00:00:00 2001 From: Darren Colby Date: Fri, 5 Jul 2024 18:19:45 -0500 Subject: [PATCH 24/24] Tested persistent tasks --- test/runtests.jl | 4 +++- test/test_aqua.jl | 3 --- 2 files changed, 3 insertions(+), 4 deletions(-) delete mode 100644 test/test_aqua.jl diff --git a/test/runtests.jl b/test/runtests.jl index a5b44fcf..18b1e7ad 100644 --- a/test/runtests.jl +++ b/test/runtests.jl @@ -1,4 +1,5 @@ using Test +using Aqua using Documenter using CausalELM @@ -10,7 +11,8 @@ include("test_metalearners.jl") include("test_inference.jl") include("test_model_validation.jl") include("test_utilities.jl") -include("test_aqua.jl") + +Aqua.test_all(CausalELM) DocMeta.setdocmeta!(CausalELM, :DocTestSetup, :(using CausalELM); recursive=true) doctest(CausalELM) diff --git a/test/test_aqua.jl b/test/test_aqua.jl deleted file mode 100644 index 865951c2..00000000 --- a/test/test_aqua.jl +++ /dev/null @@ -1,3 +0,0 @@ -using Aqua - -Aqua.test_all(CausalELM; persistent_tasks=false)