diff --git a/CommandLine/SSIT.m b/CommandLine/SSIT.m index 86014f8..cbbde33 100644 --- a/CommandLine/SSIT.m +++ b/CommandLine/SSIT.m @@ -75,10 +75,11 @@ end - function obj = formPropensitiesGeneral(obj,prefixName) + function obj = formPropensitiesGeneral(obj,prefixName,computeSens) arguments obj prefixName = []; + computeSens = true; end % This function starts the process to write m-file for each % propensity function. @@ -103,11 +104,14 @@ end if obj.useHybrid - PropensitiesGeneral = ssit.Propensity.createAsHybridVec(sm, obj.stoichiometry,... - obj.parameters, obj.species, obj.hybridOptions.upstreamODEs, logicTerms, prefixName); + PropensitiesGeneral = ... + ssit.Propensity.createAsHybridVec(sm, obj.stoichiometry,... + obj.parameters, obj.species, obj.hybridOptions.upstreamODEs,... + logicTerms, prefixName, computeSens); else - PropensitiesGeneral = ssit.Propensity.createAsHybridVec(sm, obj.stoichiometry,... - obj.parameters, obj.species, [], logicTerms, prefixName); + PropensitiesGeneral = ... + ssit.Propensity.createAsHybridVec(sm, obj.stoichiometry,... + obj.parameters, obj.species, [], logicTerms, prefixName, computeSens); end obj.propensitiesGeneral = PropensitiesGeneral; @@ -855,28 +859,25 @@ function summarizeModel(obj) pause; end case 'fspSens' + if strcmp(obj.sensOptions.solutionMethod,'forward')&&isempty(obj.propensitiesGeneral{1}.sensTimeFactorVec) + obj = formPropensitiesGeneral(obj,'Sensitivities',true); + end if ~isempty(obj.parameters) - model = ssit.SrnModel(obj.stoichiometry,... - obj.propensityFunctions,... - obj.parameters(:,1),... - obj.inputExpressions); app.ReactionsTabOutputs.parameters = obj.parameters(:,1); else - model = ssit.SrnModel(obj.stoichiometry,... - obj.propensityFunctions,... - [],... - obj.inputExpressions); app.ReactionsTabOutputs.parameters = []; end app.ReactionsTabOutputs.varNames = obj.species; + [Solution.sens, bConstraints] = ... - ssit.sensitivity.computeSensitivity(model,... + ssit.sensitivity.computeSensitivity(... obj.parameters,... obj.propensitiesGeneral,... obj.tSpan,... obj.fspOptions.fspTol,... obj.initialCondition,... - 1.0,... + obj.initialProbs,... + obj.stoichiometry, ... obj.fspConstraints.f,... obj.fspConstraints.b,... [], obj.fspOptions.verbose, 0,... @@ -895,9 +896,6 @@ function summarizeModel(obj) % Solution.plotable = exportSensResults(app); case 'ode' - - % specificPropensities = SSIT.parameterizePropensities(obj.propensitiesGeneral,[obj.parameters{:,2}]'); - [~,Solution.ode] = ssit.moments.solveOde2(obj.initialCondition, obj.tSpan, ... obj.stoichiometry, obj.propensitiesGeneral, [obj.parameters{:,2}]', obj.fspOptions.initApproxSS); end @@ -939,7 +937,6 @@ function sampleDataFromFSP(obj,fspSoln,saveFile) for it=1:Nt A.time((it-1)*obj.ssaOptions.nSimsPerExpt+1:it*obj.ssaOptions.nSimsPerExpt) = obj.tSpan(it); for ie = 1:obj.ssaOptions.Nexp - % for is=1:obj.ssaOptions.nSimsPerExpt for s = 1:size(Solution.trajs,1) warning('off') A.(['exp',num2str(ie),'_s',num2str(s)])((it-1)*obj.ssaOptions.nSimsPerExpt+(1:obj.ssaOptions.nSimsPerExpt)) = ... @@ -949,7 +946,6 @@ function sampleDataFromFSP(obj,fspSoln,saveFile) Solution.trajsDistorted(s,it,(ie-1)*obj.ssaOptions.nSimsPerExpt+(1:obj.ssaOptions.nSimsPerExpt)); end end - % end end end writetable(A,saveFile) @@ -2258,35 +2254,54 @@ function makeFitPlot(obj,fitSolution,smoothWindow,fignums) makeSeparatePlotOfData(fitSolution,smoothWindow,fignums) end - function plotMHResults(obj,mhResults,FIM) + function plotMHResults(obj,mhResults,FIM,fimScale,mhPlotScale,scatterFig) arguments obj mhResults = []; FIM =[]; + fimScale = 'lin'; + mhPlotScale = 'log10'; + scatterFig = []; end parNames = obj.parameters(obj.fittingOptions.modelVarsToFit,1); + if ~isempty(FIM) pars = [obj.parameters{obj.fittingOptions.modelVarsToFit,2}]; - - parsLog = log10(pars); + + if strcmp(mhPlotScale,'log10') + parsScaled = log10(pars); + elseif strcmp(mhPlotScale,'log') + parsScaled = log(pars); + elseif strcmp(mhPlotScale,'lin') + parsScaled = pars; + end if ~iscell(FIM) - FIM = diag(pars)*... - FIM(obj.fittingOptions.modelVarsToFit,obj.fittingOptions.modelVarsToFit)*... - diag(pars); - covFIM{1} = FIM^(-1)/log(10)^2; - else - for i=1:length(FIM) + FIM = {FIM}; + end + % FIM = diag(pars)*... + % FIM(obj.fittingOptions.modelVarsToFit,obj.fittingOptions.modelVarsToFit)*... + % diag(pars); + % covFIM{1} = FIM^(-1)/log(10)^2; + % else + for i=1:length(FIM) + if strcmp(fimScale,'lin') FIMi = diag(pars)*... FIM{i}(obj.fittingOptions.modelVarsToFit,obj.fittingOptions.modelVarsToFit)*... diag(pars); + else + FIMi = FIM{i}; + end + if strcmp(mhPlotScale,'log10') covFIM{i} = FIMi^(-1)/log(10)^2; + else + covFIM{i} = FIMi^(-1); end end + % end end - if ~isempty(mhResults) % Make figures for MH convergence figure; @@ -2306,7 +2321,11 @@ function plotMHResults(obj,mhResults,FIM) ylabel('Auto-correlation') title('MH Convergence') - figure + if isempty(scatterFig) + figure + else + figure(scatterFig); + end [valDoneSorted,J] = sort(mhResults.mhValue); smplDone = mhResults.mhSamples(J,:); Np = size(mhResults.mhSamples,2); @@ -2325,7 +2344,7 @@ function plotMHResults(obj,mhResults,FIM) end if ~isempty(FIM) for iFIM = 1:length(covFIM) - ssit.parest.ellipse(parsLog([j,i]),icdf('chi2',0.9,2)*covFIM{iFIM}([j,i],[j,i]),fimCols{mod(iFIM,5)+1},'linewidth',2) + ssit.parest.ellipse(parsScaled([j,i]),icdf('chi2',0.9,2)*covFIM{iFIM}([j,i],[j,i]),fimCols{mod(iFIM,5)+1},'linewidth',2) end end if ~isempty(mhResults) diff --git a/Examples/FakeExperiment_1.csv b/Examples/FakeExperiment_1.csv new file mode 100644 index 0000000..232fb2d --- /dev/null +++ b/Examples/FakeExperiment_1.csv @@ -0,0 +1,16 @@ +time,exp1_s1,exp1_s2 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +5,38,19 +5,58,12 +5,9,81 +5,79,16 +5,18,65 +10,11,81 +10,12,54 +10,11,57 +10,9,80 +10,89,9 diff --git a/Examples/FakeExperiment_2.csv b/Examples/FakeExperiment_2.csv new file mode 100644 index 0000000..e45dfe2 --- /dev/null +++ b/Examples/FakeExperiment_2.csv @@ -0,0 +1,31 @@ +time,exp1_s1,exp1_s2 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +5,38,19 +5,58,12 +5,9,81 +5,79,16 +5,18,65 +10,11,81 +10,12,54 +10,11,57 +10,9,80 +10,89,9 +0.5,21,26 +0.5,18,27 +0.5,21,23 +0.5,26,22 +0.5,31,16 +0.5,31,19 +0.5,33,14 +0.5,20,31 +1.5,27,36 +10,6,77 +10,102,6 +10,13,71 +10,63,17 +10,69,15 +10,90,13 diff --git a/Examples/FakeExperiment_3.csv b/Examples/FakeExperiment_3.csv new file mode 100644 index 0000000..e8a8066 --- /dev/null +++ b/Examples/FakeExperiment_3.csv @@ -0,0 +1,46 @@ +time,exp1_s1,exp1_s2 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +5,38,19 +5,58,12 +5,9,81 +5,79,16 +5,18,65 +10,11,81 +10,12,54 +10,11,57 +10,9,80 +10,89,9 +0.5,21,26 +0.5,18,27 +0.5,21,23 +0.5,26,22 +0.5,31,16 +0.5,31,19 +0.5,33,14 +0.5,20,31 +1.5,27,36 +10,6,77 +10,102,6 +10,13,71 +10,63,17 +10,69,15 +10,90,13 +0.5,14,33 +0.5,31,19 +0.5,28,25 +0.5,34,17 +0.5,15,33 +1.5,15,56 +1.5,33,26 +10,20,38 +10,76,12 +10,18,62 +10,102,14 +10,12,75 +10,73,14 +10,8,73 +10,38,25 diff --git a/Examples/FakeExperiment_4.csv b/Examples/FakeExperiment_4.csv new file mode 100644 index 0000000..70f363c --- /dev/null +++ b/Examples/FakeExperiment_4.csv @@ -0,0 +1,61 @@ +time,exp1_s1,exp1_s2 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +5,38,19 +5,58,12 +5,9,81 +5,79,16 +5,18,65 +10,11,81 +10,12,54 +10,11,57 +10,9,80 +10,89,9 +0.5,21,26 +0.5,18,27 +0.5,21,23 +0.5,26,22 +0.5,31,16 +0.5,31,19 +0.5,33,14 +0.5,20,31 +1.5,27,36 +10,6,77 +10,102,6 +10,13,71 +10,63,17 +10,69,15 +10,90,13 +0.5,14,33 +0.5,31,19 +0.5,28,25 +0.5,34,17 +0.5,15,33 +1.5,15,56 +1.5,33,26 +10,20,38 +10,76,12 +10,18,62 +10,102,14 +10,12,75 +10,73,14 +10,8,73 +10,38,25 +0.5,25,26 +0.5,20,23 +0.5,32,20 +2,17,59 +2,11,80 +2,40,24 +2,30,25 +10,69,13 +10,12,72 +10,12,77 +10,7,82 +10,13,80 +10,80,16 +10,15,60 +10,16,73 diff --git a/Examples/FakeExperiment_5.csv b/Examples/FakeExperiment_5.csv new file mode 100644 index 0000000..7c3d442 --- /dev/null +++ b/Examples/FakeExperiment_5.csv @@ -0,0 +1,76 @@ +time,exp1_s1 +0,0 +0,0 +0,0 +0,0 +0,0 +5,18 +5,26 +5,28 +5,26 +5,34 +10,23 +10,35 +10,35 +10,40 +10,35 +1,12 +1,6 +1,7 +1,11 +1,7 +1,5 +1,10 +1,12 +1,9 +1,12 +10,19 +10,26 +10,36 +10,32 +10,32 +1.5,10 +1.5,15 +1.5,13 +1.5,6 +1.5,10 +1.5,18 +1.5,15 +1.5,13 +10,36 +10,28 +10,37 +10,24 +10,38 +10,37 +10,31 +1.5,10 +1.5,11 +1.5,13 +1.5,10 +1.5,15 +1.5,10 +1.5,11 +10,26 +10,35 +10,33 +10,36 +10,35 +10,34 +10,25 +10,32 +2,18 +2,18 +2,12 +2,18 +2,20 +2,12 +2,15 +2,11 +10,36 +10,36 +10,30 +10,28 +10,31 +10,28 +10,27 diff --git a/Examples/IterativeExperimentResults_Toggle.mat b/Examples/IterativeExperimentResults_Toggle.mat new file mode 100644 index 0000000..7bc22b4 Binary files /dev/null and b/Examples/IterativeExperimentResults_Toggle.mat differ diff --git a/Examples/analyticalSensitivityTest.m b/Examples/analyticalSensitivityTest.m new file mode 100644 index 0000000..738f40b --- /dev/null +++ b/Examples/analyticalSensitivityTest.m @@ -0,0 +1,39 @@ +addpath('../CommandLine') + +Poiss = SSIT; +Poiss.species = {'rna'}; +Poiss.initialCondition = 0; +Poiss.propensityFunctions = {'kr';'gr*rna'}; +Poiss.stoichiometry = [1,-1]; +Poiss.parameters = ({'kr',10;'gr',1}); +Poiss.tSpan = linspace(0,2,21); +Poiss.fspOptions.fspTol = 1e-5; +Poiss = Poiss.formPropensitiesGeneral('Poiss',true); + +Poiss.solutionScheme = 'FSP'; +[PoissSolution,Poiss.fspOptions.bounds] = Poiss.solve; + +%% +clc +Poiss.sensOptions.solutionMethod = 'forward'; + +Poiss.solutionScheme = 'fspSens'; +[PoissSolution,Poiss.fspOptions.bounds] = Poiss.solve; + +Poiss.sensOptions.solutionMethod = 'finiteDifference'; +SensSoln2 = Poiss.solve; + +tic +Poiss.sensOptions.solutionMethod = 'forward'; +Poiss.solutionScheme = 'fspSens'; +[PoissSolution,Poiss.fspOptions.bounds] = Poiss.solve; +forwardTime = toc + +tic +Poiss.sensOptions.solutionMethod = 'finiteDifference'; +SensSoln2 = Poiss.solve; +finiteDiffTime = toc + + +[double(SensSoln2.sens.data{end}.S(1).data)-... + double(PoissSolution.sens.data{end}.S(1).data)] \ No newline at end of file diff --git a/Examples/example_ExtrinsicNoiseModels.m b/Examples/example_ExtrinsicNoiseModels.m index 415619e..cf337a4 100644 --- a/Examples/example_ExtrinsicNoiseModels.m +++ b/Examples/example_ExtrinsicNoiseModels.m @@ -16,6 +16,7 @@ Model1.fspOptions.initApproxSS = false; Model1.tSpan = linspace(0,5,10); [fspSoln1,Model1.fspOptions.bounds] = Model1.solve; +Model1 = Model1.formPropensitiesGeneral('Model1'); Model1.makePlot(fspSoln1,'marginals',[],[],[2,3]) %% Generate, solve and plot results for an extrinsic noise version diff --git a/Examples/example_Fit_STL1_mRNA_Data.m b/Examples/example_Fit_STL1_mRNA_Data.m index dd8229d..bb98b9b 100644 --- a/Examples/example_Fit_STL1_mRNA_Data.m +++ b/Examples/example_Fit_STL1_mRNA_Data.m @@ -63,7 +63,7 @@ % Set the code to start at steady state at t=0; Model.fspOptions.initApproxSS =true; -Model = Model.formPropensitiesGeneral('STL1Model'); +Model = Model.formPropensitiesGeneral('STL1Model',true); [FSPsoln,Model.fspOptions.bounds] = Model.solve; % Solve the FSP analysis % Next we make plots of the marginal distributions at time points 3, 5, 7, diff --git a/Examples/example_FittingAndDesigningExperiments.m b/Examples/example_FittingAndDesigningExperiments.m index 2f812d9..1c1afa2 100644 --- a/Examples/example_FittingAndDesigningExperiments.m +++ b/Examples/example_FittingAndDesigningExperiments.m @@ -27,6 +27,7 @@ Model.solutionScheme = 'FSP'; Model.fspOptions.fspTol = 1e-4; Model.fspOptions.bounds(3:4) = [2,400]; +Model = Model.formPropensitiesGeneral('Model'); [fspSoln,Model.fspOptions.bounds] = Model.solve; %% Load and Fit smFISH Data diff --git a/Examples/example_IterativeBayesianExperimentDesign.m b/Examples/example_IterativeBayesianExperimentDesign.m new file mode 100644 index 0000000..2a92c91 --- /dev/null +++ b/Examples/example_IterativeBayesianExperimentDesign.m @@ -0,0 +1,189 @@ +close all +clear all +addpath('../CommandLine') + +rng(1) +%% Define Model +% example = 'Poisson'; +example = 'Poisson'; +switch example + case 'Poisson' + ModelTrue = SSIT; + ModelTrue.species = {'rna'}; + ModelTrue.initialCondition = 0; + ModelTrue.propensityFunctions = {'kr';'gr*rna'}; + ModelTrue.stoichiometry = [1,-1]; + ModelTrue.fspOptions.fspTol = 1e-5; + ModelTrue.parameters = ({'kr',10;'gr',0.3}); + ModelTrue = ModelTrue.formPropensitiesGeneral('Poiss',true); + dataToFit = {'rna','exp1_s1'}; + fitParameters = [1:2]; + case 'Toggle' + ModelTrue = SSIT; + ModelTrue.parameters = {'kb',10;'ka',80;'M',20;'g',1}; + ModelTrue.species = {'lacI';'lambdaCI'}; + ModelTrue.stoichiometry = [1,-1,0, 0;... + 0, 0,1,-1]; + ModelTrue.propensityFunctions = {'kb+ka*M^3/(M^3+lambdaCI^3)';... + 'g*lacI';... + 'kb+ka*M^3/(M^3+lacI^3)';... + 'g*lambdaCI'}; + ModelTrue.initialCondition = [0;0]; + ModelTrue.customConstraintFuns = {'(x1-3).^2.*(x2-3).^2'}; + dataToFit = {'lacI','exp1_s1';'lambdaCI','exp1_s2'}; + fitParameters = [1:4]; +end + +saveFileName = ['IterativeExperimentResults_',example]; + +%% Generate Model Propensity Functions and Solve True Model +ModelTrue = ModelTrue.formPropensitiesGeneral('TrueModel',true); +[ModelSolution,ModelTrue.fspOptions.bounds] = ModelTrue.solve; + +%% Set Rules for Experiment Designs and Iterations +% Possible Time points for Experiments. +nT = 21; +ModelTrue.tSpan = linspace(0,10,nT); + +% Number of experiment Rounds +nExptRounds = 5; + +% MLE Fitting Options +maxFitIter = 1000; +nFitRounds = 3; + +% Metropolis Hastings Properties +nSamplesMH = 1000; % Number of MH Samples to run +nThinMH = 2; % Thin rate for MH sampling +nBurnMH = 100; % Numbr for MH burn in + +% Number of MH samples to use for FIM calculation +nFIMsamples = 10; + +% Total number of new cells allowed in each experiment +numCellsPerExperiment = 30; + +% Definition of initial experiment +nextExperiment = zeros(1,nT); +nextExperiment([1,11,21]) = round(numCellsPerExperiment/3); + +% FIM options +fimScale = 'log'; % Maximize fim for log parameters + +% Plotting options +mhPlotScale = 'log10'; % Show MH and FIM plots in log10 scale. + +%% +% Create Model for Estimate. +ModelGuess = ModelTrue; + +% Randomize the initial parameter set. +np = size(ModelGuess.parameters,1); +ModelGuess.parameters(:,2) = ... + num2cell([ModelGuess.parameters{:,2}]'.*(1+0.5*randn(np,1))); + +% Initialize cells for saved results +covMH = cell(1,nExptRounds); +covLogMH = cell(1,nExptRounds); +covLogFIM_Prediction = cell(1,nExptRounds); +covFIM_Prediction = cell(1,nExptRounds); +parametersFound = cell(1,nExptRounds); +exptDesigns = cell(1,nExptRounds); +FIMOptNextExptSaved = cell(1,nExptRounds); +MHResultsSaved = cell(1,nExptRounds); + +% Loop over subsequent experiments +allDataSoFar = []; +nTotalCells = zeros(1,nT); +for iExpt = 1:nExptRounds + % Generate "Fake" data + dataFile = ['FakeExperiment_',num2str(iExpt),'.csv']; + ModelTrue.ssaOptions.nSimsPerExpt = max(nextExperiment); + ModelTrue.ssaOptions.Nexp = 1; + ModelTrue.sampleDataFromFSP(ModelSolution,dataFile) + + % DownSelect fake data to specified number of cells at each time + X = importdata(dataFile); + for iT = 1:length(ModelTrue.tSpan) + if nextExperiment(iT)>0 + J = find(X.data(:,1)==ModelTrue.tSpan(iT),nextExperiment(iT)); + + % Add new data to previous data set + allDataSoFar = [allDataSoFar;X.data(J,:)]; + end + end + + % Save generated data to file. + A = table; + for j=1:length(X.colheaders) + A.(X.colheaders{j}) = allDataSoFar(:,j); + writetable(A,dataFile) + end + + nTotalCells = nTotalCells + nextExperiment + + % Add Data to Model + ModelGuess = ModelGuess.loadData(dataFile,dataToFit); + + % Fit Model to data. + fitOptions = optimset('Display','none','MaxIter',maxFitIter); + for iFitIter=1:nFitRounds + fitPars = ModelGuess.maximizeLikelihood([],fitOptions); + ModelGuess.parameters(:,2) = num2cell(fitPars); + end + + % Run Metropolis Hastings + MHFitOptions.thin=nThinMH; + MHFitOptions.numberOfSamples=nSamplesMH; + MHFitOptions.burnIn=nBurnMH; + MHFitOptions.progress=true; + MHFitOptions.useFIMforMetHast=true; + MHFitOptions.CovFIMscale = 1.0; + MHFitOptions.numChains = 1; + MHFitOptions.saveFile = 'TMPMHChain.mat'; + delete 'TMPMHChain.mat' + ModelGuess.fittingOptions.modelVarsToFit = fitParameters; + [newPars,~,MHResults] = ModelGuess.maximizeLikelihood(... + [], MHFitOptions, 'MetropolisHastings'); + ModelGuess.parameters(ModelGuess.fittingOptions.modelVarsToFit,2) = num2cell(newPars); + delete('TMPMHChain.mat') + + % Compute FIM for subsampling of MH results. + J = floor(linspace(nSamplesMH/2,nSamplesMH,nFIMsamples)); + MHSamplesForFIM = exp(MHResults.mhSamples(J,:)); + ModelGuess.tSpan = ModelTrue.tSpan; + fimResults = ModelGuess.computeFIM([],fimScale,MHSamplesForFIM); + + % Find optimal NEXT experiment design given parameter sets + nextExperiment = ModelGuess.optimizeCellCounts(fimResults,numCellsPerExperiment,'Determinant',[],nTotalCells); + FIMOptNextExpt = ModelGuess.totalFim(fimResults,nextExperiment+nTotalCells); + + % Compute and Save Covariance from MH from current stage. + parametersFound{iExpt} = newPars; + FIMOptNextExptSaved{iExpt} = FIMOptNextExpt; + covLogMH{iExpt} = cov(MHResults.mhSamples); + covMH{iExpt} = cov(exp(MHResults.mhSamples)); + MHResultsSaved{iExpt} = MHResults; + + % Save Predicted FIM for next stage. + for jFIM=1:nFIMsamples + covFIM_Prediction{iExpt}{jFIM} = inv(FIMOptNextExpt{jFIM}); + end + + exptDesigns{iExpt} = nextExperiment; + + f = figure; + f.Name = ['Current MH Results and Next FIM Prediction (Round ',num2str(iExpt),')']; + ModelGuess.plotMHResults(MHResults,FIMOptNextExpt,fimScale,mhPlotScale,f) + if iExpt>1 + f = figure; + f.Name = ['Current MH Results and Previous FIM Prediction (Round ',num2str(iExpt),')']; + ModelGuess.plotMHResults(MHResults,[FIMOptNextExptSaved{iExpt-1}],fimScale,mhPlotScale,f) + end + + save(saveFileName,'parametersFound','FIMOptNextExptSaved','covMH',... + 'covLogMH','exptDesigns','') + +end + + diff --git a/README.md b/README.md index d57c9ec..963aae2 100644 --- a/README.md +++ b/README.md @@ -51,6 +51,7 @@ The SSIT includes command line tools and a graphical user interface to: For all basic functionalities: - MATLAB R2021b or later. - Symbolic Computing Toolbox. +- Image Processing Toolbox - Global Optimization Toolbox (for model fitting only) - Parallel Computing Toolbox (optional). - SimBiology Toolbox (for loading/saving SBML models only) diff --git a/src/+ssit/+sensitivity/adaptiveFspFiniteDiff.m b/src/+ssit/+sensitivity/adaptiveFspFiniteDiff.m index be8da45..f3c33dd 100644 --- a/src/+ssit/+sensitivity/adaptiveFspFiniteDiff.m +++ b/src/+ssit/+sensitivity/adaptiveFspFiniteDiff.m @@ -1,5 +1,5 @@ function [outputs,constraintBounds] = adaptiveFspFiniteDiff(... - srnModel,... + stoichMatrix,... propensitiesGeneral,... parameters,... perturbationFactor,... @@ -14,7 +14,7 @@ useHybrid,hybridOptions,... fEscape,bEscape) arguments - srnModel + stoichMatrix propensitiesGeneral parameters perturbationFactor @@ -85,16 +85,6 @@ % each is the partial derivative of `p` with respect to a model % parameter. -% Obtain Stoichiometry from model -stoichMatrix = srnModel.stoichiometry; - -% Obtain CME solution at paramter_values -% if ~isempty(varNames) -% propensities = srnModel.createPropensities(parameters,varNames); -% else -% propensities = srnModel.createPropensities(parameters); -% end - % Find solution to FSP if isempty(fspSoln) [solutions,constraintBounds,stateSpace] = ssit.fsp.adaptiveFspSolve(outputTimes, initialStates,... diff --git a/src/+ssit/+sensitivity/adaptiveFspForwardSens.m b/src/+ssit/+sensitivity/adaptiveFspForwardSens.m index fa115f0..bfb6b3e 100644 --- a/src/+ssit/+sensitivity/adaptiveFspForwardSens.m +++ b/src/+ssit/+sensitivity/adaptiveFspForwardSens.m @@ -2,13 +2,16 @@ initialStates,... initialProbabilities, initialSensitivities,... stoichMatrix, ... - propensities, propensityDerivatives, computableSensitivities,... + propensities, parameters, propensityDerivatives, computableSensitivities,... fspTol,... + varNames, modRedTransformMatrices, ... constraintFunctions, initialConstraintBounds,... verbose, useMex,... relTol,... absTol, ... - stateSpace) + stateSpace, ... + initApproxSS, ... + useReducedModel) arguments outputTimes initialStates @@ -16,9 +19,12 @@ initialSensitivities stoichMatrix propensities + parameters propensityDerivatives computableSensitivities fspTol + varNames + modRedTransformMatrices constraintFunctions initialConstraintBounds verbose @@ -26,6 +32,8 @@ relTol absTol stateSpace =[]; + initApproxSS = false; + useReducedModel = false; end % Compute and outputs the solution and sensitivitiy vectors of the CME at the user-input timepoints. % @@ -91,13 +99,11 @@ end % check input sizes -reactionCount = length(propensities); -% parameterCount = size(propensityDerivatives, 2); parameterCount = sum(computableSensitivities); -if (reactionCount ~= size(propensityDerivatives,1)) - error('Number of rows of propensityDerivatives cell must be the same as number of propensities'); -end +% if (reactionCount ~= size(propensityDerivatives,1)) +% error('Number of rows of propensityDerivatives cell must be the same as number of propensities'); +% end if (size(initialProbabilities, 1)*parameterCount ~= size(initialSensitivities,1)) error('Input probabilities and sensitivities must have compatible size.'); end @@ -121,21 +127,7 @@ stateCount = stateSpace.getNumStates(); % Generate the time-varying FSP operator -fspMatrix = ssit.FspMatrix(propensities, stateSpace, constraintCount); - -% Generate the sensitivity matrices -fspMatrixDiff = cell(parameterCount, 1); -indsCompSens = find(computableSensitivities); -for i = 1:parameterCount - propDiffs = {}; - % select non-empty entries of propensityDerivatives - for j = 1:reactionCount - if (~isempty(propensityDerivatives{j,indsCompSens(i)})) - propDiffs = [propDiffs; propensityDerivatives(j,indsCompSens(i))]; - end - end - fspMatrixDiff{indsCompSens(i)} = ssit.FspMatrix(propDiffs, stateSpace, constraintCount); -end +fspMatrix = ssit.FspMatrix(propensities, [parameters{:,2}]', stateSpace, constraintCount, varNames, modRedTransformMatrices, true); probabilityVec = zeros(stateCount + constraintCount, 1); probabilityVec(1:size(initialStates,2)) = initialProbabilities; @@ -161,96 +153,149 @@ stop_cond = struct('t_start', tNow, 't_final', tFinal,... 'fspTol', fspTol, 'n_sinks', constraintCount, 'n_states', stateCount, 'tInit', tInit); % Solve the forward sensitivity FSP ODE system - if (useMex) - matvec = @(t, p) fspMatrix.multiply(t, p); - dmatvec = cell(parameterCount, 1); - for i = 1:parameterCount - dmatvec{i} = @(t, v) fspMatrixDiff{i}.multiply(t, v); - end - - f_out = @(t, p, dp) struct('p', p, 'dp', {dp}); - - [outputs_current, stopStatus] = FspSensCVodeMex(tNow, outputTimes(outputTimes>tNow), matvec, dmatvec, ... - probabilityVec, sensitivityVecs, f_out, @fspErrorSundialsEvent, stop_cond); - j = 0; - while (j < length(outputs_current)) - if (isempty(outputs_current{j+1})) - break; - end - j = j +1; - iout = iout+1; - DP = cell2mat(outputs_current{j}.dp'); - outputs{iout} = packForwardSensFspSolution(outputTimes(iout),... - stateSpace.states,... - outputs_current{j}.p, DP); - end - + % if (useMex) + % matvec = @(t, p) fspMatrix.multiply(t, p); + % dmatvec = cell(parameterCount, 1); + % for i = 1:parameterCount + % dmatvec{i} = @(t, v) fspMatrixDiff{i}.multiply(t, v); + % end + % + % f_out = @(t, p, dp) struct('p', p, 'dp', {dp}); + % + % [outputs_current, stopStatus] = FspSensCVodeMex(tNow, outputTimes(outputTimes>tNow), matvec, dmatvec, ... + % probabilityVec, sensitivityVecs, f_out, @fspErrorSundialsEvent, stop_cond); + % j = 0; + % while (j < length(outputs_current)) + % if (isempty(outputs_current{j+1})) + % break; + % end + % j = j +1; + % iout = iout+1; + % DP = cell2mat(outputs_current{j}.dp'); + % outputs{iout} = packForwardSensFspSolution(outputTimes(iout),... + % stateSpace.states,... + % outputs_current{j}.p, DP); + % end + % + % else + + if initApproxSS + error('Codes not yet ready for forward sensitivity with SS initial condition.') + % if useHybrid + % FUN = @(v)odeStoichs*generate_propensity_vector(0, v, zeros(length(jStochastic),1), propensities, parameters); + % OPTIONS = optimoptions('fsolve','display','none',... + % 'OptimalityTolerance',1e-8,'MaxIterations',2000); + % x0b = fsolve(FUN,initODEs,OPTIONS); + % FUN = @(t,v)odeStoichs*generate_propensity_vector(0, v, zeros(length(jStochastic),1), propensities, parameters); + % [~,ode_solutions] = ode45(FUN,max(outputTimes)*[0,500,1000],x0b); + % initODEs = ode_solutions(end,:)'; + % + % jac = AfspFull.createJacHybridMatrix(0, initODEs, parameters, length(hybridOptions.upstreamODEs), true); + % + % else + % if useReducedModel + % AfspFull = ssit.FspMatrix(propensities, parameters, stateSpace, constraintCount, varNames, modRedTransformMatrices, true); + % end + % jac = forwardSensJac(0, [], fspMatrix, [parameters{:,2}]'); + % end + + % remove sinks from the jacobian + % JnotSinks = (1:stateCount); + % for ipar=1:parameterCount + % JnotSinks = [JnotSinks,(stateCount+constraintCount)*ipar+(1:stateCount)]; + % end + % jac = jac(JnotSinks,JnotSinks); + % + % try + % warning('off') + % [eigVec,~] = eigs(jac,1,'smallestreal'); + % catch + % try + % [eigVec,~] = eigs(jac,1); + % catch + % try + % eigVec = null(full(jac)); + % catch + % disp('Could not find null space. Using uniform.') + % eigVec = ones(size(jac,1),1); + % end + % end + % end + % if useReducedModel + % y0 = eigVec/sum(eigVec); + % y0 = modRedTransformMatrices.phi_inv*y0; + % else + % y0 = zeros((stateCount+constraintCount)*(1+parameterCount),1); + % y0(JnotSinks) = eigVec/sum(eigVec); + % end else + y0 = zeros(length(probabilityVec)*(parameterCount+1), 1); y0(1:stateCount+constraintCount) = probabilityVec; for j = 1:parameterCount y0(j*(stateCount+constraintCount)+1:(j+1)*(stateCount+constraintCount)) = ... sensitivityVecs(:,j); end - - if isTimeInvariant - % Expokit Solution - jac = forwardSensJac(tNow, y0, fspMatrix, fspMatrixDiff(indsCompSens)); - tryAgain=1; - m=30; - indSinks =[stop_cond.n_states+1:stop_cond.n_states+stop_cond.n_sinks]; - while tryAgain==1 - [~, ~, ~, tout, outputs_current, ~, tryAgain, te, ye] =... - ssit.fsp_ode_solvers.expv_modified(outputTimes(end), jac,... - y0, 1e-8, m, [], outputTimes(outputTimes>=tNow), fspTol, indSinks, tNow, stop_cond); - if tryAgain==0;break;end - if m>300 - warning('Expokit expansion truncated at 300'); - [~, ~, ~, tout, outputs_current, ~, ~, te, ye] =... - ssit.fsp_ode_solvers.expv_modified(outputTimes(end), jac, y0, fspTol/1e5, m,... - [], outputTimes(outputTimes>=tNow), fspTol, indSinks, tNow); - tryAgain=0; - break; - end - m=m+5; + end + + if isTimeInvariant + % Expokit Solution + jac = forwardSensJac(tNow, y0, fspMatrix, [parameters{:,2}]'); + tryAgain=1; + m=30; + indSinks =[stop_cond.n_states+1:stop_cond.n_states+stop_cond.n_sinks]; + while tryAgain==1 + [~, ~, ~, tout, outputs_current, ~, tryAgain, te, ye] =... + ssit.fsp_ode_solvers.expv_modified(outputTimes(end), jac,... + y0, 1e-8, m, [], outputTimes(outputTimes>=tNow), fspTol, indSinks, tNow, stop_cond); + if tryAgain==0;break;end + if m>300 + warning('Expokit expansion truncated at 300'); + [~, ~, ~, tout, outputs_current, ~, ~, te, ye] =... + ssit.fsp_ode_solvers.expv_modified(outputTimes(end), jac, y0, fspTol/1e5, m,... + [], outputTimes(outputTimes>=tNow), fspTol, indSinks, tNow); + tryAgain=0; + break; end - %% - else - % ODE Solver - ode_event = @(t,ps) fspErrorEvent(t, ps, stop_cond); - jac = @(t,ps,dpsdt) forwardSensJac(t, ps, fspMatrix, fspMatrixDiff(indsCompSens)); - ode_rhs = @(t, ps) forwardSensRHS(t, ps, fspMatrix, fspMatrixDiff(indsCompSens), stateCount, constraintCount, parameterCount); - ode_opts = odeset(Events=ode_event, Jacobian=jac, RelTol=relTol, AbsTol=absTol); - [tout, outputs_current, te, ye, ~] = ... - ode23s(ode_rhs, outputTimes(outputTimes>=tNow), y0, ode_opts); + m=m+5; end + %% + else + % ODE Solver + ode_event = @(t,ps) fspErrorEvent(t, ps, stop_cond); + jac = @(t,ps,dpsdt) forwardSensJac(t, ps, fspMatrix, fspMatrixDiff(indsCompSens)); + ode_rhs = @(t, ps) forwardSensRHS(t, ps, fspMatrix, fspMatrixDiff(indsCompSens), stateCount, constraintCount, parameterCount); + ode_opts = odeset(Events=ode_event, Jacobian=jac, RelTol=relTol, AbsTol=absTol); + [tout, outputs_current, te, ye, ~] = ... + ode23s(ode_rhs, outputTimes(outputTimes>=tNow), y0, ode_opts); + end - if length(tout)<2||(~isempty(te)&&te tNow); - outputs_current = outputs_current(ikeep, :)'; + ikeep = ismember(tout, outputTimes) & (tout > tNow); + outputs_current = outputs_current(ikeep, :)'; - if (~isempty(te)) - sinks = ye(stateCount+1:stateCount+constraintCount); - errorBound = stop_cond.fspTol*(te-stop_cond.t_start)/(stop_cond.t_final-stop_cond.t_start); - stopStatus = struct(iExpand=true, tBreak=te, sinks=sinks, errorBound=errorBound); - else - stopStatus = struct(iExpand=false, tBreak=[], sinks=[], errorBound=[]); - end - % Enter intermediate solutions to the Outputs container - j = 0; - while (j < size(outputs_current, 2)) - j = j+1; - iout = iout+1; - DP = reshape(outputs_current(stateCount+constraintCount+1:end,j), stateCount+constraintCount, parameterCount); - outputs{iout} = packForwardSensFspSolution(outputTimes(iout),... - stateSpace.states,... - outputs_current(1:stateCount+constraintCount,j), DP); - end + if (~isempty(te)) + sinks = ye(stateCount+1:stateCount+constraintCount); + errorBound = stop_cond.fspTol*(te-stop_cond.t_start)/(stop_cond.t_final-stop_cond.t_start); + stopStatus = struct(iExpand=true, tBreak=te, sinks=sinks, errorBound=errorBound); + else + stopStatus = struct(iExpand=false, tBreak=[], sinks=[], errorBound=[]); end + % Enter intermediate solutions to the Outputs container + j = 0; + while (j < size(outputs_current, 2)) + j = j+1; + iout = iout+1; + DP = reshape(outputs_current(stateCount+constraintCount+1:end,j), stateCount+constraintCount, parameterCount); + outputs{iout} = packForwardSensFspSolution(outputTimes(iout),... + stateSpace.states,... + outputs_current(1:stateCount+constraintCount,j), DP); + end + % end if (j > 0) tNow = outputTimes(iout); @@ -271,19 +316,7 @@ stateSpace = stateSpace.expand(constraintFunctions, constraintBounds); - fspMatrix = ssit.FspMatrix(propensities, stateSpace, constraintCount); - % Generate the sensitivity matrices - fspMatrixDiff = cell(parameterCount, 1); - for i = 1:parameterCount - propDiffs = cell(0); - % select non-empty entries of propensityDerivatives - for j = 1:reactionCount - if (~isempty(propensityDerivatives{j,i})) - propDiffs = [propDiffs; propensityDerivatives(j,i)]; - end - end - fspMatrixDiff{i} = ssit.FspMatrix(propDiffs, stateSpace, constraintCount); - end + fspMatrix = ssit.FspMatrix(propensities, [parameters{:,2}]', stateSpace, constraintCount, varNames, modRedTransformMatrices, true); stateCountOld = stateCount; stateCount = stateSpace.getNumStates; @@ -403,16 +436,26 @@ end end -function J = forwardSensJac(t, ~, A, dA) -Amerged = A.createSingleMatrix(t); +function J = forwardSensJac(t, x, A, parameters, modRedTransformMatrices) +arguments + t + x + A + parameters + modRedTransformMatrices = [] +end +[Amerged,AmergedSens] = A.createSingleMatrix(t,parameters,modRedTransformMatrices,true); + n = size(Amerged,1); -nzbound = nnz(Amerged)*(length(dA)+1); +npars = size(parameters,1); +nzbound = nnz(Amerged)*(npars+1); J = spalloc(n, n, nzbound); J(1:n, 1:n) = Amerged; -for j=1:length(dA) +for j=1:npars J(j*n+1:(j+1)*n, j*n+1:(j+1)*n) = Amerged; %BRIAN J(j*n+1:(j+1)*n, (j-1)*n+1:j*n) = dA{j}.createSingleMatrix(t); - J(j*n+1:(j+1)*n, 1:n) = dA{j}.createSingleMatrix(t); + % J(j*n+1:(j+1)*n, 1:n) = dA{j}.createSingleMatrix(t); + J(j*n+1:(j+1)*n, 1:n) = AmergedSens{j}; end end diff --git a/src/+ssit/+sensitivity/computeSensitivity.m b/src/+ssit/+sensitivity/computeSensitivity.m index 9df7d11..48d7523 100644 --- a/src/+ssit/+sensitivity/computeSensitivity.m +++ b/src/+ssit/+sensitivity/computeSensitivity.m @@ -1,10 +1,11 @@ -function [sens,constraintBounds, stateSpace] = computeSensitivity(model,... +function [sens,constraintBounds, stateSpace] = computeSensitivity(... parameters,... propensitiesGeneral,... tout,... fspTol,... initialStates,... initialProbabilities,... + stoichMatrix,... constraintFunctions, constraintBounds,... isTimeInvariant, verbose, useMex, method, app, stateSpace,... usePiecewiseFSP,initApproxSS,varNames,useParallel,fspSoln,... @@ -12,13 +13,13 @@ useHybrid,hybridOptions,... fEscape,bEscape) arguments - model parameters propensitiesGeneral tout fspTol initialStates initialProbabilities + stoichMatrix constraintFunctions constraintBounds isTimeInvariant @@ -40,31 +41,26 @@ bEscape = [] end -app.SensParDropDown.Items = model.parameterNames; +app.SensParDropDown.Items = parameters(:,1); if (strcmp(method, 'forward')) try - if ~isempty(parameters) - parsDict = containers.Map(parameters(:,1),... - parameters(:,2)); - else - parsDict=[]; + if isempty(propensitiesGeneral{1}.sensTimeFactorVec) + obj = formPropensitiesGeneral(obj,'Sensitivities',true); end - propensities = model.createPropensities(parsDict,app.ReactionsTabOutputs.varNames); - [propensityDerivatives,computableSensitivities] = model.findPropensityDerivativesSymbolic(parsDict,app.ReactionsTabOutputs.varNames); - - app.SensParDropDown.Items = model.parameterNames(find(computableSensitivities)); - - stoichMatrix = model.stoichiometry; + n_pars = size(parameters,1); + computableSensitivities = ones(1,n_pars,'logical'); relTol=1.0e-10 ; absTol=1.0e-6 ; - initialSensitivities = zeros(size(initialStates,2)*sum(computableSensitivities), 1); + % initialSensitivities = zeros(size(initialStates,2)*sum(computableSensitivities), 1); + initialSensitivities = zeros(size(initialStates,2)*n_pars); [Outputs,constraintBounds,stateSpace] = ssit.sensitivity.adaptiveFspForwardSens(tout, initialStates,... initialProbabilities, initialSensitivities,... stoichMatrix,... - propensities, propensityDerivatives, computableSensitivities,... + propensitiesGeneral, parameters, [], computableSensitivities,... fspTol,... + varNames, modRedTransformMatrices, ... constraintFunctions, constraintBounds,... verbose, useMex, relTol, absTol, stateSpace); @@ -81,11 +77,11 @@ end % If the forward sensitivity did not work, try finite difference. -app.SensParDropDown.Items = model.parameterNames; +app.SensParDropDown.Items = parameters(:,1); perturbationFactor = 1.0e-4; [outputs,constraintBounds] = ssit.sensitivity.adaptiveFspFiniteDiff(... - model,... + stoichMatrix,... propensitiesGeneral,... parameters,... perturbationFactor,... diff --git a/src/+ssit/@FspMatrix/FspMatrix.m b/src/+ssit/@FspMatrix/FspMatrix.m index 78ea087..8aa2a8e 100644 --- a/src/+ssit/@FspMatrix/FspMatrix.m +++ b/src/+ssit/@FspMatrix/FspMatrix.m @@ -19,11 +19,11 @@ % % :mat:class:`~+ssit.@FspMatrixTerm.FspMatrixTerm` properties - terms; + terms end methods - function obj = FspMatrix(propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices) + function obj = FspMatrix(propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices, computeSens) % Construct an instance of FspMatrix. % % Parameters @@ -59,12 +59,13 @@ stateSet numConstraints varNames = [] - modRedTransformMatrices =[]; + modRedTransformMatrices = [] + computeSens = false; end - obj = obj.regenerate(propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices); + obj = obj.regenerate(propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices, computeSens); end - function obj = regenerate(obj, propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices) + function obj = regenerate(obj, propensities, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices, computeSens) % Regenerate the state space for the current contraints. % Parameters % ---------- @@ -100,11 +101,12 @@ numConstraints varNames = [] modRedTransformMatrices = [] + computeSens = false end n_reactions = length(propensities); obj.terms = cell(n_reactions, 1); for i = 1:n_reactions - obj.terms{i} = ssit.FspMatrixTerm(propensities{i}, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices); + obj.terms{i} = ssit.FspMatrixTerm(propensities{i}, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices, computeSens); end end @@ -170,7 +172,7 @@ end - function A = createSingleMatrix(obj, t, parameters, modRedTransformMatrices) + function [A,Asens] = createSingleMatrix(obj, t, parameters, modRedTransformMatrices, computeSens) % Generate a single MATLAB sparse matrix from the current time % `t`. This matrix's left multiplication on a vector `v` of % appropriate size will return the same output as when calling @@ -183,6 +185,7 @@ t parameters modRedTransformMatrices =[]; + computeSens = false; end if obj.terms{1}.isFactorizable @@ -199,12 +202,7 @@ for i = 2:length(obj.terms) if obj.terms{i}.isFactorizable - % if obj.terms{i}.isTimeDependent - A = A + wt(i)*obj.terms{i}.matrix; - % else - % A = A + obj.terms{i}.propensity.timeDependentFactor(0,parameters)*obj.terms{i}.matrix; -% A = A + obj.terms{i}.matrix; - % end + A = A + wt(i)*obj.terms{i}.matrix; else A = A + ssit.FspMatrixTerm.generateTimeVaryingMatrixTerm(t, obj.terms{i}.propensity, obj.terms{i}.matrix, parameters, obj.terms{i}.numConstraints, modRedTransformMatrices); end @@ -215,9 +213,28 @@ warning('NaNs detected and set to zero. Errors may be present.') A(ANaN) = 0; end - + + if computeSens + npar = size(parameters,1); + Asens = cell(1,npar); + objSens1 = obj; + objSens2 = obj; + for ipar = 1:npar + % Aisens = dwit/dpar * Aix + wit * dAix/dpar + + objSens1.terms{1}.propensity.hybridFactorVector = ... + obj.terms{1}.propensity.sensTimeFactorVec{ipar}; + for iterm = 1:length(obj.terms) + objSens2.terms{iterm}.matrix = obj.terms{iterm}.matrixSens{ipar}; + objSens2.terms{iterm}.propensity.stateDependentFactor = obj.terms{iterm}.propensity.sensStateFactor{ipar}; + end + + Asens{ipar} = createSingleMatrix(objSens1, t, parameters, modRedTransformMatrices, false) ... + + createSingleMatrix(objSens2, t, parameters, modRedTransformMatrices, false); + end + end end - + function A = createJacHybridMatrix(obj, t, v, parameters, nUpstream, partialJacobian) % Generate a single MATLAB sparse matrix from the current time % `t`. This matrix's left multiplication on a vector `v` of diff --git a/src/+ssit/@FspMatrixTerm/FspMatrixTerm.m b/src/+ssit/@FspMatrixTerm/FspMatrixTerm.m index ba43470..4140883 100644 --- a/src/+ssit/@FspMatrixTerm/FspMatrixTerm.m +++ b/src/+ssit/@FspMatrixTerm/FspMatrixTerm.m @@ -28,19 +28,20 @@ % model: % A' = PHIinv*A*PHI.*phiScale % see [https://ieeexplore.ieee.org/abstract/document/6425828] for - % model reduction details + % model reduction details properties isTimeDependent logical isFactorizable logical propensity ssit.Propensity matrix + matrixSens = [] numConstraints {mustBeInteger(numConstraints)} modRedTransformMatrices end methods - function obj = FspMatrixTerm(propensity, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices) + function obj = FspMatrixTerm(propensity, parameters, stateSet, numConstraints, varNames, modRedTransformMatrices, computeSens) arguments propensity parameters @@ -48,6 +49,7 @@ numConstraints varNames = [] modRedTransformMatrices = [] + computeSens = false end % Construct a `FspMatrixTerm` object from a propensity % function, a FSP-truncated state space, and number of @@ -82,8 +84,15 @@ if ((~obj.isTimeDependent) || (obj.isFactorizable)) % Generate generator matrix for this term - obj.matrix = ssit.FspMatrixTerm.GenerateMatrixTermTimeInvariant(propensity, parameters, stateSet, numConstraints, varNames); % The matrix data is generated only once - + obj.matrix = ssit.FspMatrixTerm.GenerateMatrixTermTimeInvariant(propensity, parameters, stateSet, numConstraints, varNames, false); % The matrix data is generated only once + if computeSens + n_pars = size(parameters,1); + obj.matrixSens = cell(1,n_pars); + for ipar = 1:n_pars + obj.matrixSens{ipar} = ssit.FspMatrixTerm.GenerateMatrixTermTimeInvariant(propensity, parameters, stateSet, numConstraints, varNames, true, ipar); % The matrix data is generated only once + end + end + % Perform model reduction if requested if ~isempty(modRedTransformMatrices) obj.matrix = modRedTransformMatrices.phi_inv*... @@ -130,7 +139,7 @@ % `v`. This version is for hybrid models, where 'v' corresponds % to the CME (i.e., the vector P(t)) and'vODEs' corresponds to % the upstream ODEs. - + if (obj.isFactorizable) w1 = obj.propensity.hybridFactor(t,parameters,vODEs)*(obj.matrix*v); else @@ -157,228 +166,235 @@ end end -methods (Static) + methods (Static) - function A_fsp = GenerateMatrixTermTimeInvariant(propensity, parameters, state_set, numConstraints, varNames) - arguments - propensity - parameters - state_set - numConstraints =[]; - varNames = []; - end - numConstraints = state_set.numConstraints; - n_states = size(state_set.states, 2); - reachableIndices = state_set.reachableIndices(:, propensity.reactionIndex); - -% if propensity.isTimeDependent&&~isempty(propensity.timeDependentFactor) -% % Constants are sometimes lumped into a constant time dependent -% % term for later convenience. -% prop_val = propensity.timeDependentFactor(0).*... -% propensity.evaluateStateFactor(state_set.states,varNames)... -% +0*zeros(1,size(state_set.states,2)); -% else - prop_val = propensity.evaluateStateFactor(state_set.states,parameters,varNames)... - +0*zeros(1,size(state_set.states,2)); -% end - - if min(prop_val)<0 - warning('PropFun:negProp','Negative propensity function detected. Results may be incorrect.'); - warning('OFF','PropFun:negProp') - prop_val(prop_val<0) = 0; - end + function A_fsp = GenerateMatrixTermTimeInvariant(propensity, parameters, state_set, numConstraints, varNames, computeSens, ipar) + arguments + propensity + parameters + state_set + numConstraints =[]; + varNames = []; + computeSens = false; + ipar = []; + end + numConstraints = state_set.numConstraints; + n_states = size(state_set.states, 2); + reachableIndices = state_set.reachableIndices(:, propensity.reactionIndex); + + % if propensity.isTimeDependent&&~isempty(propensity.timeDependentFactor) + % % Constants are sometimes lumped into a constant time dependent + % % term for later convenience. + % prop_val = propensity.timeDependentFactor(0).*... + % propensity.evaluateStateFactor(state_set.states,varNames)... + % +0*zeros(1,size(state_set.states,2)); + % else + if computeSens + prop_val = propensity.evaluateStateFactor(state_set.states,parameters,varNames,true,ipar)... + +0*zeros(1,size(state_set.states,2)); + else + prop_val = propensity.evaluateStateFactor(state_set.states,parameters,varNames)... + +0*zeros(1,size(state_set.states,2)); + end + % end - if (size(prop_val, 2) > 1) - prop_val = prop_val'; - end + if min(prop_val)<0 + warning('PropFun:negProp','Negative propensity function detected. Results may be incorrect.'); + warning('OFF','PropFun:negProp') + % prop_val(prop_val<0) = 0; + end - % Filling in values for MATLAB's sparse matrix format (which is coo) - i = zeros(n_states*2, 1); - j = i; - aij = zeros(length(i), 1); - - % Coordinates and values for diagonal entries - j(1:n_states) = 1:n_states; - i(1:n_states) = 1:n_states; - aij(1:n_states) = -1.0*prop_val; - - % Coordinates and values for normal states - offset = n_states; - j((1:n_states) + offset) = 1:n_states; - i((1:n_states) + offset) = reachableIndices(1:n_states); - aij((1:n_states) + offset) = prop_val; - - % Coordinates and values for sink states - ireaction = propensity.reactionIndex; - n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); - isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction)), 1); - jsinks = isinks; - aijsinks = zeros(length(jsinks), 1); - k = 1; - for c = 1:state_set.numConstraints - ninsert = nnz(state_set.outboundTransitions(:, c + numConstraints*(ireaction-1))); - isinks(k:k+ninsert-1) = n_states + c; - jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + numConstraints*(ireaction-1))); - aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); - k = k + ninsert; - end + if (size(prop_val, 2) > 1) + prop_val = prop_val'; + end - % eliminate out-of-bound coordinates - indices_keep = find( (i > 0) & ( j > 0) ); - i = i(indices_keep); - j = j(indices_keep); - aij = aij(indices_keep); + % Filling in values for MATLAB's sparse matrix format (which is coo) + i = zeros(n_states*2, 1); + j = i; + aij = zeros(length(i), 1); + + % Coordinates and values for diagonal entries + j(1:n_states) = 1:n_states; + i(1:n_states) = 1:n_states; + aij(1:n_states) = -1.0*prop_val; + + % Coordinates and values for normal states + offset = n_states; + j((1:n_states) + offset) = 1:n_states; + i((1:n_states) + offset) = reachableIndices(1:n_states); + aij((1:n_states) + offset) = prop_val; + + % Coordinates and values for sink states + ireaction = propensity.reactionIndex; + n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); + isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction)), 1); + jsinks = isinks; + aijsinks = zeros(length(jsinks), 1); + k = 1; + for c = 1:state_set.numConstraints + ninsert = nnz(state_set.outboundTransitions(:, c + numConstraints*(ireaction-1))); + isinks(k:k+ninsert-1) = n_states + c; + jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + numConstraints*(ireaction-1))); + aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); + k = k + ninsert; + end - A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); - end + % eliminate out-of-bound coordinates + indices_keep = find( (i > 0) & ( j > 0) ); + i = i(indices_keep); + j = j(indices_keep); + aij = aij(indices_keep); - function A_fsp = generateTimeVaryingMatrixTerm(t, propensity, state_set, parameters, numConstraints, modRedTransformMatrices) - arguments - t - propensity - state_set - parameters - numConstraints - modRedTransformMatrices =[]; + A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); end - n_states = size(state_set.states, 2); - reachableIndices = state_set.reachableIndices(:, propensity.reactionIndex); - reachableIndices(reachableIndices < 0) = 0; + function A_fsp = generateTimeVaryingMatrixTerm(t, propensity, state_set, parameters, numConstraints, modRedTransformMatrices) + arguments + t + propensity + state_set + parameters + numConstraints + modRedTransformMatrices =[]; + end - prop_val = propensity.evaluate(t, state_set.states, parameters); - if (size(prop_val, 2) > 1) - prop_val = prop_val'; - end - if size(prop_val,1)==1&&size(state_set.states,2)>1 - prop_val = prop_val*ones(size(state_set.states,2),1); - end + n_states = size(state_set.states, 2); + reachableIndices = state_set.reachableIndices(:, propensity.reactionIndex); + reachableIndices(reachableIndices < 0) = 0; - % Filling in values for MATLAB's sparse matrix format (which is coo) - i = zeros(n_states*2, 1); - j = i; - aij = zeros(length(i), 1); - - % Coordinates and values for diagonal entries - j(1:n_states) = 1:n_states; - i(1:n_states) = 1:n_states; - aij(1:n_states) = -1.0*prop_val; - - offset = n_states; - j((1:n_states) + offset) = 1:n_states; - i((1:n_states) + offset) = reachableIndices(1:n_states); - aij((1:n_states) + offset) = prop_val(:); - - % Coordinates and values for sink states - ireaction = propensity.reactionIndex; - n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); - isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + state_set.numConstraints*(ireaction-1):state_set.numConstraints*ireaction-1)), 1); - jsinks = isinks; - aijsinks = zeros(length(jsinks), 1); - k = 1; - for c = 1:state_set.numConstraints - ninsert = nnz(state_set.outboundTransitions(:, c + state_set.numConstraints*(ireaction-1))); - isinks(k:k+ninsert-1) = n_states + c; - jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + state_set.numConstraints*(ireaction-1))); - aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); - - k = k + ninsert; - end + prop_val = propensity.evaluate(t, state_set.states, parameters); + if (size(prop_val, 2) > 1) + prop_val = prop_val'; + end + if size(prop_val,1)==1&&size(state_set.states,2)>1 + prop_val = prop_val*ones(size(state_set.states,2),1); + end - % eliminate out-of-bound coordinates - indices_keep = find( (i > 0) & ( j > 0) ); - i = i(indices_keep); - j = j(indices_keep); - aij = aij(indices_keep); - - A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); - if ~isempty(modRedTransformMatrices) - A_fsp = modRedTransformMatrices.phi_inv*... - A_fsp(1:end-numConstraints,1:end-numConstraints)*... - modRedTransformMatrices.phi; - if ~isempty(modRedTransformMatrices.phiScale) - A_fsp = A_fsp - diag(diag(A_fsp)); - A_fsp = A_fsp.*modRedTransformMatrices.phiScale; - A_fsp = A_fsp - diag(sum(A_fsp)); + % Filling in values for MATLAB's sparse matrix format (which is coo) + i = zeros(n_states*2, 1); + j = i; + aij = zeros(length(i), 1); + + % Coordinates and values for diagonal entries + j(1:n_states) = 1:n_states; + i(1:n_states) = 1:n_states; + aij(1:n_states) = -1.0*prop_val; + + offset = n_states; + j((1:n_states) + offset) = 1:n_states; + i((1:n_states) + offset) = reachableIndices(1:n_states); + aij((1:n_states) + offset) = prop_val(:); + + % Coordinates and values for sink states + ireaction = propensity.reactionIndex; + n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); + isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + state_set.numConstraints*(ireaction-1):state_set.numConstraints*ireaction-1)), 1); + jsinks = isinks; + aijsinks = zeros(length(jsinks), 1); + k = 1; + for c = 1:state_set.numConstraints + ninsert = nnz(state_set.outboundTransitions(:, c + state_set.numConstraints*(ireaction-1))); + isinks(k:k+ninsert-1) = n_states + c; + jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + state_set.numConstraints*(ireaction-1))); + aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); + + k = k + ninsert; end - end + % eliminate out-of-bound coordinates + indices_keep = find( (i > 0) & ( j > 0) ); + i = i(indices_keep); + j = j(indices_keep); + aij = aij(indices_keep); + + A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); + if ~isempty(modRedTransformMatrices) + A_fsp = modRedTransformMatrices.phi_inv*... + A_fsp(1:end-numConstraints,1:end-numConstraints)*... + modRedTransformMatrices.phi; + if ~isempty(modRedTransformMatrices.phiScale) + A_fsp = A_fsp - diag(diag(A_fsp)); + A_fsp = A_fsp.*modRedTransformMatrices.phiScale; + A_fsp = A_fsp - diag(sum(A_fsp)); + end + end - end - function A_fsp = generateHybridMatrixTerm(t, hybridPropensity, state_set, parameters, numConstraints, upStreamSpecies, modRedTransformMatrices) - arguments - t - hybridPropensity - state_set - parameters - numConstraints - upStreamSpecies - modRedTransformMatrices =[]; end - n_states = size(state_set.states, 2); - reachableIndices = state_set.reachableIndices(:, hybridPropensity.reactionIndex); - reachableIndices(reachableIndices < 0) = 0; + function A_fsp = generateHybridMatrixTerm(t, hybridPropensity, state_set, parameters, numConstraints, upStreamSpecies, modRedTransformMatrices) + arguments + t + hybridPropensity + state_set + parameters + numConstraints + upStreamSpecies + modRedTransformMatrices =[]; + end + + n_states = size(state_set.states, 2); + reachableIndices = state_set.reachableIndices(:, hybridPropensity.reactionIndex); + reachableIndices(reachableIndices < 0) = 0; - prop_val = hybridPropensity.evaluate(t, state_set.states, parameters, upStreamSpecies); - if (size(prop_val, 2) > 1) - prop_val = prop_val'; - end - if size(prop_val,1)==1&&size(state_set.states,2)>1 - prop_val = prop_val*ones(size(state_set.states,2),1); - end + prop_val = hybridPropensity.evaluate(t, state_set.states, parameters, upStreamSpecies); + if (size(prop_val, 2) > 1) + prop_val = prop_val'; + end + if size(prop_val,1)==1&&size(state_set.states,2)>1 + prop_val = prop_val*ones(size(state_set.states,2),1); + end - % Filling in values for MATLAB's sparse matrix format (which is coo) - i = zeros(n_states*2, 1); - j = i; - aij = zeros(length(i), 1); - - % Coordinates and values for diagonal entries - j(1:n_states) = 1:n_states; - i(1:n_states) = 1:n_states; - aij(1:n_states) = -1.0*prop_val; - - offset = n_states; - j((1:n_states) + offset) = 1:n_states; - i((1:n_states) + offset) = reachableIndices(1:n_states); - aij((1:n_states) + offset) = prop_val(:); - - % Coordinates and values for sink states - ireaction = hybridPropensity.reactionIndex; - n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); - isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + state_set.numConstraints*(ireaction-1):state_set.numConstraints*ireaction-1)), 1); - jsinks = isinks; - aijsinks = zeros(length(jsinks), 1); - k = 1; - for c = 1:state_set.numConstraints - ninsert = nnz(state_set.outboundTransitions(:, c + state_set.numConstraints*(ireaction-1))); - isinks(k:k+ninsert-1) = n_states + c; - jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + state_set.numConstraints*(ireaction-1))); - aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); - - k = k + ninsert; - end + % Filling in values for MATLAB's sparse matrix format (which is coo) + i = zeros(n_states*2, 1); + j = i; + aij = zeros(length(i), 1); + + % Coordinates and values for diagonal entries + j(1:n_states) = 1:n_states; + i(1:n_states) = 1:n_states; + aij(1:n_states) = -1.0*prop_val; + + offset = n_states; + j((1:n_states) + offset) = 1:n_states; + i((1:n_states) + offset) = reachableIndices(1:n_states); + aij((1:n_states) + offset) = prop_val(:); + + % Coordinates and values for sink states + ireaction = hybridPropensity.reactionIndex; + n_constrs_failed = sum(state_set.outboundTransitions(:, 1 + numConstraints*(ireaction-1):numConstraints*ireaction), 2); + isinks = zeros(nnz(state_set.outboundTransitions(:, 1 + state_set.numConstraints*(ireaction-1):state_set.numConstraints*ireaction-1)), 1); + jsinks = isinks; + aijsinks = zeros(length(jsinks), 1); + k = 1; + for c = 1:state_set.numConstraints + ninsert = nnz(state_set.outboundTransitions(:, c + state_set.numConstraints*(ireaction-1))); + isinks(k:k+ninsert-1) = n_states + c; + jsinks(k:k+ninsert-1) = find(state_set.outboundTransitions(:,c + state_set.numConstraints*(ireaction-1))); + aijsinks(k:k+ninsert-1) = prop_val(jsinks(k:k+ninsert-1))./n_constrs_failed(jsinks(k:k+ninsert-1)); - % eliminate out-of-bound coordinates - indices_keep = find( (i > 0) & ( j > 0) ); - i = i(indices_keep); - j = j(indices_keep); - aij = aij(indices_keep); - - A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); - if ~isempty(modRedTransformMatrices) - A_fsp = modRedTransformMatrices.phi_inv*... - A_fsp(1:end-numConstraints,1:end-numConstraints)*... - modRedTransformMatrices.phi; - if ~isempty(modRedTransformMatrices.phiScale) - A_fsp = A_fsp - diag(diag(A_fsp)); - A_fsp = A_fsp.*modRedTransformMatrices.phiScale; - A_fsp = A_fsp - diag(sum(A_fsp)); + k = k + ninsert; end + + % eliminate out-of-bound coordinates + indices_keep = find( (i > 0) & ( j > 0) ); + i = i(indices_keep); + j = j(indices_keep); + aij = aij(indices_keep); + + A_fsp = sparse([i;isinks], [j;jsinks], [aij;aijsinks], n_states + numConstraints, n_states + numConstraints); + if ~isempty(modRedTransformMatrices) + A_fsp = modRedTransformMatrices.phi_inv*... + A_fsp(1:end-numConstraints,1:end-numConstraints)*... + modRedTransformMatrices.phi; + if ~isempty(modRedTransformMatrices.phiScale) + A_fsp = A_fsp - diag(diag(A_fsp)); + A_fsp = A_fsp.*modRedTransformMatrices.phiScale; + A_fsp = A_fsp - diag(sum(A_fsp)); + end + end + end end - -end end diff --git a/src/+ssit/@Propensity/Propensity.m b/src/+ssit/@Propensity/Propensity.m index 869e6b3..abe0bce 100644 --- a/src/+ssit/@Propensity/Propensity.m +++ b/src/+ssit/@Propensity/Propensity.m @@ -57,22 +57,32 @@ isTimeDependent; % (true/false) telling us if this propensity is time-dep isFactorizable; % (true/false) if time-dep, is it isFactorizable? stoichVector; % (column vec) the associated stoichiometry vector + timeDependentFactor; % function handle to compute the time-dependent factor, - % left empty if it is either independent of time or not isFactorizable + % left empty if it is either independent of time or not isFactorizable stateDependentFactor; % function handle to compute the state-dependent factor. jointDependentFactor; % function handle to compute the time-and-state-dependent factor, this - % is only used if the propensity is not isFactorizable. + % is only used if the propensity is not isFactorizable. + hybridFactor % function handle for factorized hybrid propensity functions. hybridFactorVector % function handle for all hybrid or t-dependent reactions xFactorVector % function handle for all state-dependent reactions hybridJointFactor % function handle for joint hybrid propensity functions. - originalString; - parameters; % list of required model parameters + + sensTimeFactorVec + sensStateFactor + sensStateFactorVec + + originalString + + parameters % list of required model parameters ODEstoichVector=[]; % (column vec) the associated stoichiometry vector (for upstream ODEs) + anonymousT = false; % are time dependent functions anonymous? anonymousX = true; % are state dependent functions anonymous? DstateFactorDstate % function handle for jacobian with respect to the states. DhybridFactorDodesVec % function handle for jacobian with respect to the upstream odes. + end methods (Access = public) @@ -100,51 +110,23 @@ if (obj.isFactorizable) y = obj.timeDependentFactor(t)*obj.stateDependentFactor(x,parameters); else - % try if ~isempty(obj.jointDependentFactor) y = obj.jointDependentFactor(t, x, parameters); elseif ~isempty(obj.hybridFactor) y = obj.hybridFactor(t, x, parameters, upstreamSpecies); end - % catch - % f = uifigure; - % X = uiconfirm(f, 'Differentiation is not possible for your current propensity functions. Please change to finite difference sensitivity, or try with pieceswise functions.', 'Non-Differentiable',... - % 'Options', {'Okay - Quit','Try with Piecewise Functions'},... - % 'DefaultOption','Okay - Quit'); - % close(f) - % if strcmp(X,'Okay - Quit') - % error('Sensitivity not analytically computable in current version. Please use Finite Difference'); - % end - % disp('trying with piecewise funtions'); - % TMP = func2str(obj.jointDependentFactor); - % TMP = strrep(TMP,'t','tt'); - % TMP = strrep(TMP,'omittnan','omitnan'); - % TMP = strrep(TMP,'x(1,:)','x1'); - % TMP = strrep(TMP,'x(2,:)','x2'); - % TMP = strrep(TMP,'x(3,:)','x3'); - % syms tt - % syms x1 x2 x3 positive - % eval(['Q=',TMP(8:end),';']) - % switch size(x,1)-1 - % case 1 - % y = eval(subs(Q,{tt,x1},{t*ones(1,size(x,2)),x(1,:)})); - % case 2 - % y = eval(subs(Q,{tt,x1,x2},{t*ones(1,size(x,2)),x(1,:),x(2,:)})); - % case 3 - % y = eval(subs(Q,{tt,x1,x2,x3},{t*ones(1,size(x,2)),x(1,:),x(2,:),x(3,:)})); - % end - % end - end end end - function y = evaluateStateFactor(obj, x, parameters, varNames) + function y = evaluateStateFactor(obj, x, parameters, varNames, computeSens, ipar) arguments obj x parameters varNames=[]; + computeSens = false + ipar = []; end if isempty(varNames) varNames={'x1','x2','x3','x4'}; @@ -152,258 +134,24 @@ if (size(x, 1) ~= size(obj.stoichVector, 1)) error('Propensity.evalAt : input state dimension is not consistent with the stoichiometry vector in the object''s record'); end - % try - if ~isempty(parameters) - y = obj.stateDependentFactor(x,parameters); + if computeSens + if ~isempty(parameters) + y = obj.sensStateFactor{ipar}(x,parameters); + else + y = 0; + end else - y = obj.stateDependentFactor(x); + if ~isempty(parameters) + y = obj.stateDependentFactor(x,parameters); + else + y = obj.stateDependentFactor(x); + end end - % catch - % % This section was very inefficient. I sped it up for one - % % case, but need to check that that it keeps working for - % % others. - % TMP = func2str(obj.stateDependentFactor); - % TMP = strrep(TMP,'t','tt'); - % for i=1:length(varNames) - % eval([varNames{i},'=x(i,:);']); - % TMP = strrep(TMP,['x(',num2str(i),',:)'],varNames{i}); - % end - % eval(['y=',TMP(5:end),';']) - % end - end end methods (Access = public, Static) - %% function obj = createFromSym(symbolicExpression, stoichVector, reactionIndex, nonXTpars, species, logicTerms) - % arguments - % symbolicExpression - % stoichVector - % reactionIndex - % nonXTpars = {}; - % species = {}; - % logicTerms = {}; - % end - % - % % Construct an instance of Propensity from a symbolic expression. - % % - % % Parameters - % % ---------- - % % - % % symbolicExpression: sym - % % is a symbolic expression of the propensity. - % % - % % stoichVector: column vector - % % is the column stoichiometry vector associated - % % with this propensity. - % % - % % reactionIndex: integer - % % index of the reaction associated with this propensity. - % % - % % nonXTpars: cell of strings - % % names of the model parameters (excluding the species - % % names) - % % - % % species: cell of strings - % % names of the species. - % % - % % Returns - % % ------- - % % - % % obj: Propensity - % % an instance of the Propensity class. - % % - % obj = ssit.Propensity(stoichVector, reactionIndex); - % - % % Now determine time-dependency - % prop_vars = symvar(symbolicExpression); - % str_tmp = string(prop_vars); - % - % if ~isempty(logicTerms)&&isfield(logicTerms,'logT') - % obj.isTimeDependent = true; - % else - % for i = 1:length(str_tmp) - % if (strcmp(str_tmp(i), "t"))&&~(strcmp(str_tmp(i), "@(t)1")) - % obj.isTimeDependent = true; - % break; - % end - % end - % end - % - % TMP = string(prop_vars); - % Jx = contains(TMP,species); - % if sum(Jx)==0 - % % No x dependance - % factors = [str2sym('1'),symbolicExpression]; - % elseif ~obj.isTimeDependent - % syms(prop_vars); - % factors = factor(symbolicExpression, prop_vars(Jx)); - % factors = [prod(factors(2:end)),factors(1)]; - % elseif (obj.isTimeDependent) - % % Determine if the symbolicExpression is isFactorizable - % syms(prop_vars); - % - % factors = factor(symbolicExpression, prop_vars(Jx)); - % factors = [prod(factors(2:end)),factors(1)]; - % - % if (ismember(t, symvar(factors(1)))) - % obj.isFactorizable = false; - % else - % for i = 2:length(factors) - % fvars = symvar(factors(i)); - % TMP = string(fvars); - % Jx = contains(TMP,species); - % if (sum(Jx) > 1) - % obj.isFactorizable = false; - % break; - % end - % end - % end - % end - % if (obj.isFactorizable) - % % If the propensity is isFactorizable, collect the - % % time-dependent and state-dependent function handles - % - % expr_t = prod(factors(2:end)); - % expr_x = factors(1); - % % Convert these symbolic expressions to anonymous - % % functions - % timeDependentFactor = sym2propfun(expr_t, true, false, nonXTpars, species, [], logicTerms); - % % stateDependentFactor = sym2propfun(expr_x, false, true, nonXTpars, species, [], logicTerms); - % - % tmp = num2cell(rand(size(nonXTpars))); - % TmpTimeFactor = @(t)timeDependentFactor(t,tmp{:}); - % if sign(TmpTimeFactor(0))==-1 - % obj.timeDependentFactor = sym2propfun(-expr_t, true, false, nonXTpars, species, varODEs, logicTerms); - % obj.stateDependentFactor = sym2propfun(-expr_x, false, true, nonXTpars, species, [], logicTerms); - % % expr_t_vec(i) = -expr_t; - % else - % obj.timeDependentFactor = timeDependentFactor; - % obj.stateDependentFactor = sym2propfun(expr_x, false, true, nonXTpars, species, [], logicTerms); - % % expr_t_vec(i) = expr_t; - % end - % - % else - % - % % If it is not factorizable, collect everything into a - % % single function handle - % expr_tx = symbolicExpression; - % % Convert to anonymous function - % obj.jointDependentFactor = sym2propfun(expr_tx, true, true, nonXTpars, species, [], logicTerms); - % end - % end - %% function obj = createAsHybrid(symbolicExpression, stoichVector, reactionIndex, nonXTpars, species, upstreamODEs, logicTerms) - % arguments - % symbolicExpression - % stoichVector - % reactionIndex - % nonXTpars - % species - % upstreamODEs - % logicTerms = {}; - % end - % - % % Construct an instance of Hybrid Propensity from a symbolic expression. - % % - % % Parameters - % % ---------- - % % - % % symbolicExpression: sym - % % is a symbolic expression of the propensity. - % % - % % stoichVector: column vector - % % is the column stoichiometry vector associated - % % with this propensity. - % % - % % reactionIndex: integer - % % index of the reaction associated with this propensity. - % % - % % nonXTpars: cell of strings - % % names of the model parameters (excluding the species - % % names) - % % - % % species: cell of strings - % % names of the species. - % % - % % upstreamODEs: cell of strings - % % names of the upstream species that are to be treated as - % % ODEs. - % % - % % Returns - % % ------- - % % - % % obj: Propensity - % % an instance of the Propensity class. - % % - % - % jStochastic = find(~contains(species,upstreamODEs)); - % jODE = find(contains(species,upstreamODEs)); - % obj = ssit.Propensity(stoichVector(jStochastic), reactionIndex); - % obj.ODEstoichVector = stoichVector(jODE); - % if max(abs(obj.stoichVector))~=0&&max(abs(obj.ODEstoichVector))~=0 - % warning(['Reaction ',num2str(reactionIndex),' changes both ODE and stochastic species. Removing effect on upstream species.']) - % obj.ODEstoichVector = 0*obj.ODEstoichVector; - % end - % prop_vars = symvar(symbolicExpression); - % - % syms(prop_vars); - % expr_tx = symbolicExpression; - % - % speciesStoch = setdiff(species,upstreamODEs,'stable'); - % % Convert to anonymous function - % - % TMP = string(prop_vars); - % Jx = contains(TMP,speciesStoch); - % if sum(Jx)==0 - % % No x dependance - % factors = [str2sym('1'),symbolicExpression]; - % else - % % Determine if the symbolicExpression is isFactorizable - % factors = factor(symbolicExpression, prop_vars(Jx)); - % factors = [prod(factors(2:end)),factors(1)]; - % - % syms t - % syms(upstreamODEs) - % - % if (ismember(t, symvar(factors(1))))||max(ismember(upstreamODEs,symvar(factors(1)))) - % obj.isFactorizable = false; - % end - % for i = 2:length(factors) - % fvars = symvar(factors(i)); - % TMP = string(fvars); - % Jx = contains(TMP,speciesStoch); - % if (sum(Jx) > 1) - % obj.isFactorizable = false; - % break; - % end - % end - % end - % - % varODEs = sym('varODEs',[1,length(upstreamODEs)]); - % if (obj.isFactorizable) - % % If the propensity is isFactorizable, collect the - % % time-dependent and state-dependent function handles - % - % expr_t = prod(factors(2:end)); - % expr_x = factors(1); - % % Convert these symbolic expressions to anonymous - % % functions - % for i=1:length(upstreamODEs) - % expr_t = subs(expr_t,upstreamODEs{i},varODEs(i)); - % end - % obj.hybridFactor = sym2propfun(expr_t, true, false, nonXTpars, speciesStoch, varODEs, logicTerms); - % obj.stateDependentFactor = sym2propfun(expr_x, false, true, nonXTpars, speciesStoch, [], logicTerms); - % obj.isTimeDependent = true; - % else - % for i=1:length(upstreamODEs) - % expr_tx = subs(expr_tx,upstreamODEs{i},varODEs(i)); - % end - % obj.hybridJointFactor = sym2propfun(expr_tx, true, true, nonXTpars, speciesStoch, varODEs, logicTerms); - % obj.isTimeDependent = true; - % end - % - % end - %% - function obj = createAsHybridVec(symbolicExpression, stoichMatrix, nonXTpars, species, upstreamODEs, logicTerms, prefixName) + + function obj = createAsHybridVec(symbolicExpression, stoichMatrix, nonXTpars, species, upstreamODEs, logicTerms, prefixName, computeSens) arguments symbolicExpression stoichMatrix @@ -412,6 +160,7 @@ upstreamODEs = {}; logicTerms = {}; prefixName = []; + computeSens = false; end % Construct an vector of Hybrid Propensity from a symbolic expression. @@ -458,8 +207,11 @@ timeFunName = 'timeDependentFactor'; jntFactorName = 'jointDependentFactor'; end + n_reactions = size(stoichMatrix,2); + n_pars = size(nonXTpars,1); speciesStoch = setdiff(species,upstreamODEs,'stable'); + varODEs = sym('varODEs',[1,length(upstreamODEs)]); % Delete previous propensity function m-files @@ -473,6 +225,11 @@ expr_t_vec = sym('w',[n_reactions,1]); expr_x_vec = sym('wx',[n_reactions,1]); expr_dt_vec_dode = sym('wx',[n_reactions,length(jODE)]); + + if computeSens + expr_t_vec_sens = sym('w',[n_reactions,n_pars]); + expr_x_vec_sens = sym('wx',[n_reactions,n_pars]); + end anyLogical = false; @@ -533,9 +290,9 @@ end end - expr_t = prod(factors(2:end)); expr_x = factors(1); + % Convert these symbolic expressions to anonymous % functions for i2=1:length(upstreamODEs) @@ -622,7 +379,7 @@ % Then for the state varying factors. if obj{iRxn}.anonymousX obj{iRxn}.stateDependentFactor =... - sym2propfun(signHybridFactor*expr_x, false, true, nonXTpars(:,1), speciesStoch, [], logicTerms(iRxn)); + sym2propfun(signHybridFactor*expr_x, false, true, nonXTpars(:,1), speciesStoch, [], logicTerms(iRxn)); else obj{iRxn}.stateDependentFactor =... sym2mFun(signHybridFactor*expr_x, false, true, nonXTpars(:,1), speciesStoch, [], false, true, prefixName); @@ -636,7 +393,13 @@ if ismember(t,symvar(expr_t))||isfield(logicTerms{iRxn},'logT')&&~isempty(logicTerms{iRxn}.logT) obj{iRxn}.isTimeDependent = true; end - + if computeSens + for iPar = 1:n_pars + expr_t_vec_sens(iRxn,iPar) = signHybridFactor*diff(expr_t,nonXTpars{iPar,1}); + expr_x_vec_sens(iRxn,iPar) = signHybridFactor*diff(expr_x,nonXTpars{iPar,1}); + end + end + else for i2=1:length(upstreamODEs) expr_tx = subs(expr_tx,upstreamODEs{i2},varODEs(i2)); @@ -645,6 +408,13 @@ obj{iRxn}.isTimeDependent = true; expr_t_vec(iRxn) = sym(NaN); expr_x_vec(iRxn) = sym(NaN); + + % if computeSens + % for iPar = 1:n_pars + % expr_tx_vec_sens(iRxn,iPar) = signHybridFactor*diff(expr_tx,nonXTpars{iPar,1}); + % end + % end + end end @@ -656,12 +426,32 @@ if ~isempty(expr_dt_vec_dode) obj{1}.DhybridFactorDodesVec = sym2propfun(expr_dt_vec_dode, true, false, nonXTpars(:,1), speciesStoch, varODEs, logicTerms); end + if computeSens + obj{1}.sensStateFactorVec = sym2propfun(expr_x_vec_sens, false, true, nonXTpars(:,1), speciesStoch, varODEs, logicTerms); + for iRxn = 1:n_reactions + obj{iRxn}.sensStateFactor = cell(1,n_pars); + for ipar = 1:n_pars + obj{iRxn}.sensStateFactor{ipar} = sym2propfun(expr_x_vec_sens(iRxn,ipar), false, true, nonXTpars(:,1), speciesStoch, varODEs, logicTerms); + obj{1}.sensTimeFactorVec{ipar} = sym2propfun(expr_t_vec_sens(:,ipar), true, false, nonXTpars(:,1), speciesStoch, varODEs, logicTerms); + end + end + end else hybridFactorVector = sym2mFun(expr_t_vec, true, false, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); xFactorVector = sym2mFun(expr_x_vec, false, true, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); if ~isempty(expr_dt_vec_dode) obj{1}.DhybridFactorDodesVec = sym2mFun(expr_dt_vec_dode, true, false, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); end + if computeSens + obj{1}.sensStateFactorVec = sym2mFun(expr_x_vec_sens, false, true, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); + for iRxn = 1:n_reactions + obj{iRxn}.sensStateFactor = cell(1,n_pars); + for ipar = 1:n_pars + obj{iRxn}.sensStateFactor{ipar} = sym2mFun(expr_x_vec_sens(iRxn,ipar), false, true, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); + obj{1}.sensTimeFactorVec{ipar} = sym2mFun(expr_t_vec_sens(:,ipar), true, false, nonXTpars(:,1), speciesStoch, varODEs, false, true, prefixName); + end + end + end end obj{1}.hybridFactorVector = hybridFactorVector; obj{1}.xFactorVector = xFactorVector; @@ -701,29 +491,7 @@ obj = Propensity.createAsNotSeparable(str2func(['@(t,x)' fstr]), stoichVector, reactionIndex, fstr); end end -%% - %% function obj = createAsTimeInvariant(fxhandle, stoichVector, reactionIndex) - % % Create an object for a time-invariant propensity function. - % % - % % Parameters - % % ---------- - % % - % % fxhandle: function handle - % % state-dependent factor of the propensity function. Must have the same syntax as the property Propensity.stateDependentFactor. - % % - % % stoichVector: column vector - % % stoichiometry vector associated with this propensity. - % % - % % reactionIndex: integer - % % index of the reaction associated with this propensity. - % - % import ssit.* - % obj = Propensity(stoichVector, reactionIndex); - % obj.isTimeDependent = false; - % obj.isFactorizable = true; - % obj.stateDependentFactor = fxhandle; - % end -%% + function obj = createAsSeparable(fthandle, fxhandle, stoichVector, reactionIndex) % Create an object for a time-varying propensity that is % separable. @@ -761,38 +529,6 @@ obj.timeDependentFactor = fthandle; obj.stateDependentFactor = fxhandle; end - - %% function obj = createAsNotSeparable(ftxhandle, stoichVector, reactionIndex, str) - % % Create an object for a time-varying propensity that is cannot - % % be factorized into a time-varying factor and a time-invariant - % % factor. - % % - % % Parameters - % % ---------- - % % - % % ftxhandle: function handle - % % this function handle must evaluate the propensity at - % % a given joint value of the time and state variables. - % % - % % stoichVector: column vector - % % stoichiometry vector associated with this propensity. - % % - % % reactionIndex: integer - % % index of the reaction associated with this propensity. - % % - % % Returns - % % ------- - % % - % % obj: Propensity - % % an instance of Propensity, where obj.isFactorizable == - % % false. - % % - % import ssit.* - % obj = Propensity(stoichVector, reactionIndex); - % obj.isTimeDependent = true; - % obj.isFactorizable = false; - % obj.jointDependentFactor = ftxhandle; - % end end methods (Static) @@ -835,7 +571,7 @@ end function [ft, fx, isFactorizable] = separateExpression(expr) -cft = []; +% cft = []; fx = []; isFactorizable = []; % Check input @@ -886,10 +622,6 @@ ft = f2; fx = f1; end -% ft = strip(ft, 'left', '{'); -% ft = strip(ft, 'right', '}'); -% fx = strip(fx, 'left', '{'); -% fx = strip(fx, 'right', '}'); end function [exprHandle,exprJac] = sym2propfun(symbolicExpression, time_dep, state_dep, nonXTpars, species, varODEs, logicTerms, jacobian) diff --git a/src/gui/sensitivity/runSensitivity.m b/src/gui/sensitivity/runSensitivity.m index 4dc8efb..41a5c1a 100644 --- a/src/gui/sensitivity/runSensitivity.m +++ b/src/gui/sensitivity/runSensitivity.m @@ -39,10 +39,11 @@ parameters = app.SensParameterSelectionTable.Data(:,1:2); -if isfield(app.FspTabOutputs,'PropensitiesGeneral') +n_reactions = size(app.ReactionsTabOutputs.stoichMatrix,2); + +if isfield(app.FspTabOutputs,'PropensitiesGeneral')&&~isempty(app.FspTabOutputs.PropensitiesGeneral{1}.sensTimeFactorVec) PropensitiesGeneral = app.FspTabOutputs.PropensitiesGeneral; else - sm = cell(1,n_reactions); logicTerms = cell(1,n_reactions); logCounter = 0; @@ -63,7 +64,7 @@ app.ReactionsTabOutputs.stoichMatrix,... app.ReactionsTabOutputs.parameters, ... app.ReactionsTabOutputs.varNames, ... - [], logicTerms, 'TEMPPropens'); + [], logicTerms, 'TEMPPropensSens',true); app.FspTabOutputs.PropensitiesGeneral = PropensitiesGeneral; end @@ -76,13 +77,14 @@ %% Solve for probability sensitivities [app.SensFspTabOutputs.solutions,constraintBounds,app.FspTabOutputs.stateSpace] = ... - ssit.sensitivity.computeSensitivity(model,... + ssit.sensitivity.computeSensitivity(... parameters,... PropensitiesGeneral,... tspan,... fspTol,... initial_state,... 1.0,... + app.ReactionsTabOutputs.stoichMatrix,... constraintFunctions,... constraintBounds,... 0, 1, useMex, solutionMethod,app,... diff --git a/testData1.csv b/testData1.csv new file mode 100644 index 0000000..efc4f43 --- /dev/null +++ b/testData1.csv @@ -0,0 +1,901 @@ +time,exp1_s1 +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,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 +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,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 +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,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 +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,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 +0.25,1 +0.25,3 +0.25,0 +0.25,2 +0.25,1 +0.25,3 +0.25,0 +0.25,5 +0.25,3 +0.25,4 +0.25,2 +0.25,1 +0.25,3 +0.25,0 +0.25,0 +0.25,2 +0.25,1 +0.25,4 +0.25,3 +0.25,3 +0.25,4 +0.25,2 +0.25,1 +0.25,3 +0.25,1 +0.25,1 +0.25,1 +0.25,2 +0.25,0 +0.25,1 +0.25,0 +0.25,1 +0.25,0 +0.25,1 +0.25,1 +0.25,5 +0.25,0 +0.25,4 +0.25,5 +0.25,3 +0.25,3 +0.25,2 +0.25,2 +0.25,0 +0.25,3 +0.25,0 +0.25,1 +0.25,3 +0.25,0 +0.25,0 +0.25,3 +0.25,2 +0.25,1 +0.25,2 +0.25,6 +0.25,1 +0.25,2 +0.25,3 +0.25,2 +0.25,3 +0.25,2 +0.25,3 +0.25,0 +0.25,4 +0.25,3 +0.25,0 +0.25,2 +0.25,3 +0.25,6 +0.25,3 +0.25,3 +0.25,0 +0.25,1 +0.25,2 +0.25,4 +0.25,4 +0.25,0 +0.25,4 +0.25,1 +0.25,1 +0.25,2 +0.25,2 +0.25,0 +0.25,3 +0.25,2 +0.25,5 +0.25,5 +0.25,2 +0.25,0 +0.25,4 +0.25,3 +0.25,0 +0.25,5 +0.25,1 +0.25,1 +0.25,2 +0.25,4 +0.25,0 +0.25,0 +0.25,4 +0.5,4 +0.5,1 +0.5,3 +0.5,4 +0.5,4 +0.5,6 +0.5,3 +0.5,3 +0.5,3 +0.5,8 +0.5,4 +0.5,5 +0.5,6 +0.5,5 +0.5,2 +0.5,5 +0.5,1 +0.5,8 +0.5,4 +0.5,6 +0.5,2 +0.5,4 +0.5,5 +0.5,6 +0.5,2 +0.5,5 +0.5,5 +0.5,2 +0.5,2 +0.5,0 +0.5,1 +0.5,5 +0.5,3 +0.5,9 +0.5,8 +0.5,7 +0.5,4 +0.5,5 +0.5,4 +0.5,3 +0.5,0 +0.5,3 +0.5,5 +0.5,3 +0.5,2 +0.5,8 +0.5,2 +0.5,6 +0.5,5 +0.5,7 +0.5,6 +0.5,4 +0.5,2 +0.5,3 +0.5,9 +0.5,4 +0.5,1 +0.5,4 +0.5,2 +0.5,8 +0.5,0 +0.5,6 +0.5,3 +0.5,1 +0.5,4 +0.5,4 +0.5,2 +0.5,8 +0.5,1 +0.5,2 +0.5,5 +0.5,3 +0.5,4 +0.5,6 +0.5,8 +0.5,4 +0.5,3 +0.5,7 +0.5,1 +0.5,10 +0.5,7 +0.5,2 +0.5,4 +0.5,7 +0.5,6 +0.5,5 +0.5,2 +0.5,5 +0.5,4 +0.5,5 +0.5,3 +0.5,2 +0.5,3 +0.5,6 +0.5,4 +0.5,4 +0.5,3 +0.5,5 +0.5,5 +0.5,4 +0.75,5 +0.75,6 +0.75,5 +0.75,3 +0.75,6 +0.75,2 +0.75,9 +0.75,10 +0.75,7 +0.75,2 +0.75,7 +0.75,6 +0.75,2 +0.75,6 +0.75,7 +0.75,7 +0.75,5 +0.75,7 +0.75,3 +0.75,3 +0.75,7 +0.75,3 +0.75,3 +0.75,4 +0.75,4 +0.75,5 +0.75,2 +0.75,2 +0.75,6 +0.75,12 +0.75,6 +0.75,9 +0.75,5 +0.75,6 +0.75,3 +0.75,1 +0.75,3 +0.75,7 +0.75,4 +0.75,5 +0.75,3 +0.75,7 +0.75,9 +0.75,1 +0.75,4 +0.75,3 +0.75,6 +0.75,9 +0.75,4 +0.75,6 +0.75,1 +0.75,4 +0.75,5 +0.75,6 +0.75,5 +0.75,3 +0.75,8 +0.75,7 +0.75,5 +0.75,5 +0.75,6 +0.75,2 +0.75,4 +0.75,5 +0.75,8 +0.75,5 +0.75,3 +0.75,3 +0.75,10 +0.75,6 +0.75,9 +0.75,7 +0.75,7 +0.75,10 +0.75,7 +0.75,2 +0.75,13 +0.75,5 +0.75,7 +0.75,4 +0.75,6 +0.75,9 +0.75,7 +0.75,7 +0.75,5 +0.75,5 +0.75,7 +0.75,3 +0.75,9 +0.75,5 +0.75,8 +0.75,5 +0.75,5 +0.75,7 +0.75,3 +0.75,1 +0.75,8 +0.75,5 +0.75,4 +0.75,2 +1,6 +1,1 +1,2 +1,4 +1,4 +1,7 +1,9 +1,3 +1,8 +1,5 +1,9 +1,8 +1,4 +1,12 +1,4 +1,8 +1,6 +1,7 +1,6 +1,9 +1,12 +1,4 +1,4 +1,4 +1,7 +1,11 +1,8 +1,2 +1,5 +1,4 +1,6 +1,5 +1,6 +1,6 +1,3 +1,2 +1,5 +1,8 +1,6 +1,12 +1,3 +1,6 +1,3 +1,4 +1,4 +1,9 +1,7 +1,9 +1,7 +1,8 +1,11 +1,7 +1,3 +1,5 +1,7 +1,2 +1,6 +1,7 +1,5 +1,7 +1,7 +1,3 +1,5 +1,7 +1,10 +1,7 +1,4 +1,5 +1,2 +1,6 +1,7 +1,8 +1,4 +1,6 +1,8 +1,8 +1,6 +1,4 +1,3 +1,8 +1,8 +1,10 +1,7 +1,8 +1,5 +1,8 +1,9 +1,4 +1,5 +1,11 +1,7 +1,8 +1,4 +1,8 +1,10 +1,9 +1,3 +1,8 +1,8 +1,6 +1.25,7 +1.25,5 +1.25,9 +1.25,9 +1.25,6 +1.25,11 +1.25,8 +1.25,8 +1.25,3 +1.25,8 +1.25,3 +1.25,9 +1.25,6 +1.25,6 +1.25,4 +1.25,6 +1.25,7 +1.25,4 +1.25,10 +1.25,11 +1.25,11 +1.25,6 +1.25,10 +1.25,10 +1.25,3 +1.25,10 +1.25,8 +1.25,6 +1.25,5 +1.25,9 +1.25,4 +1.25,5 +1.25,6 +1.25,4 +1.25,5 +1.25,8 +1.25,6 +1.25,14 +1.25,6 +1.25,6 +1.25,9 +1.25,8 +1.25,6 +1.25,8 +1.25,4 +1.25,6 +1.25,7 +1.25,11 +1.25,7 +1.25,8 +1.25,7 +1.25,11 +1.25,4 +1.25,6 +1.25,13 +1.25,9 +1.25,4 +1.25,9 +1.25,11 +1.25,9 +1.25,5 +1.25,11 +1.25,7 +1.25,9 +1.25,7 +1.25,4 +1.25,5 +1.25,14 +1.25,8 +1.25,11 +1.25,5 +1.25,7 +1.25,6 +1.25,6 +1.25,3 +1.25,8 +1.25,2 +1.25,9 +1.25,8 +1.25,4 +1.25,12 +1.25,7 +1.25,6 +1.25,9 +1.25,7 +1.25,4 +1.25,6 +1.25,5 +1.25,6 +1.25,6 +1.25,14 +1.25,11 +1.25,10 +1.25,6 +1.25,6 +1.25,3 +1.25,7 +1.25,8 +1.25,7 +1.25,5 +1.5,5 +1.5,6 +1.5,6 +1.5,4 +1.5,10 +1.5,13 +1.5,6 +1.5,13 +1.5,6 +1.5,7 +1.5,8 +1.5,7 +1.5,9 +1.5,7 +1.5,5 +1.5,11 +1.5,8 +1.5,12 +1.5,8 +1.5,7 +1.5,8 +1.5,6 +1.5,4 +1.5,7 +1.5,6 +1.5,5 +1.5,8 +1.5,11 +1.5,2 +1.5,9 +1.5,8 +1.5,12 +1.5,9 +1.5,5 +1.5,10 +1.5,4 +1.5,11 +1.5,7 +1.5,3 +1.5,8 +1.5,4 +1.5,4 +1.5,7 +1.5,7 +1.5,7 +1.5,7 +1.5,9 +1.5,5 +1.5,6 +1.5,11 +1.5,7 +1.5,9 +1.5,10 +1.5,11 +1.5,6 +1.5,9 +1.5,6 +1.5,6 +1.5,6 +1.5,4 +1.5,11 +1.5,5 +1.5,9 +1.5,6 +1.5,5 +1.5,10 +1.5,12 +1.5,10 +1.5,5 +1.5,9 +1.5,7 +1.5,8 +1.5,7 +1.5,9 +1.5,4 +1.5,9 +1.5,9 +1.5,6 +1.5,4 +1.5,9 +1.5,10 +1.5,12 +1.5,9 +1.5,10 +1.5,12 +1.5,15 +1.5,9 +1.5,11 +1.5,8 +1.5,7 +1.5,6 +1.5,3 +1.5,6 +1.5,5 +1.5,9 +1.5,5 +1.5,12 +1.5,7 +1.5,11 +1.5,5 +1.75,6 +1.75,5 +1.75,6 +1.75,13 +1.75,11 +1.75,9 +1.75,11 +1.75,9 +1.75,6 +1.75,8 +1.75,11 +1.75,9 +1.75,14 +1.75,7 +1.75,8 +1.75,8 +1.75,9 +1.75,10 +1.75,10 +1.75,7 +1.75,13 +1.75,8 +1.75,3 +1.75,6 +1.75,10 +1.75,9 +1.75,4 +1.75,8 +1.75,6 +1.75,6 +1.75,10 +1.75,7 +1.75,7 +1.75,9 +1.75,7 +1.75,6 +1.75,4 +1.75,8 +1.75,8 +1.75,4 +1.75,9 +1.75,8 +1.75,9 +1.75,4 +1.75,5 +1.75,5 +1.75,10 +1.75,7 +1.75,3 +1.75,5 +1.75,7 +1.75,10 +1.75,11 +1.75,4 +1.75,7 +1.75,9 +1.75,8 +1.75,2 +1.75,10 +1.75,9 +1.75,4 +1.75,5 +1.75,8 +1.75,10 +1.75,7 +1.75,7 +1.75,5 +1.75,14 +1.75,4 +1.75,10 +1.75,5 +1.75,8 +1.75,8 +1.75,9 +1.75,13 +1.75,5 +1.75,9 +1.75,4 +1.75,9 +1.75,10 +1.75,9 +1.75,10 +1.75,11 +1.75,5 +1.75,6 +1.75,8 +1.75,9 +1.75,9 +1.75,8 +1.75,6 +1.75,11 +1.75,8 +1.75,6 +1.75,6 +1.75,8 +1.75,10 +1.75,8 +1.75,10 +1.75,9 +1.75,11 +2,5 +2,3 +2,15 +2,15 +2,7 +2,10 +2,7 +2,9 +2,14 +2,11 +2,10 +2,11 +2,9 +2,15 +2,9 +2,10 +2,11 +2,10 +2,5 +2,12 +2,8 +2,6 +2,12 +2,7 +2,6 +2,9 +2,12 +2,7 +2,7 +2,9 +2,8 +2,9 +2,8 +2,7 +2,8 +2,10 +2,9 +2,4 +2,5 +2,8 +2,7 +2,12 +2,14 +2,4 +2,8 +2,10 +2,7 +2,7 +2,10 +2,9 +2,8 +2,6 +2,10 +2,7 +2,5 +2,9 +2,14 +2,7 +2,5 +2,8 +2,5 +2,17 +2,8 +2,4 +2,11 +2,8 +2,12 +2,12 +2,8 +2,10 +2,8 +2,10 +2,8 +2,10 +2,7 +2,7 +2,7 +2,6 +2,12 +2,11 +2,4 +2,5 +2,7 +2,8 +2,6 +2,8 +2,11 +2,9 +2,9 +2,8 +2,10 +2,8 +2,15 +2,17 +2,6 +2,6 +2,8 +2,3 +2,14 +2,13 diff --git a/testData2.csv b/testData2.csv new file mode 100644 index 0000000..6dae47a --- /dev/null +++ b/testData2.csv @@ -0,0 +1,901 @@ +time,exp1_s1 +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,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 +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,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 +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,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 +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,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 +0.25,7 +0.25,1 +0.25,2 +0.25,4 +0.25,0 +0.25,3 +0.25,2 +0.25,3 +0.25,8 +0.25,4 +0.25,3 +0.25,6 +0.25,4 +0.25,6 +0.25,1 +0.25,3 +0.25,1 +0.25,6 +0.25,9 +0.25,6 +0.25,1 +0.25,4 +0.25,2 +0.25,2 +0.25,5 +0.25,7 +0.25,3 +0.25,1 +0.25,0 +0.25,1 +0.25,5 +0.25,2 +0.25,5 +0.25,1 +0.25,2 +0.25,2 +0.25,3 +0.25,2 +0.25,3 +0.25,2 +0.25,0 +0.25,2 +0.25,2 +0.25,3 +0.25,2 +0.25,3 +0.25,5 +0.25,4 +0.25,3 +0.25,5 +0.25,6 +0.25,1 +0.25,3 +0.25,5 +0.25,5 +0.25,1 +0.25,5 +0.25,2 +0.25,2 +0.25,4 +0.25,3 +0.25,2 +0.25,4 +0.25,4 +0.25,4 +0.25,1 +0.25,1 +0.25,4 +0.25,6 +0.25,2 +0.25,4 +0.25,3 +0.25,3 +0.25,2 +0.25,2 +0.25,5 +0.25,3 +0.25,3 +0.25,5 +0.25,4 +0.25,6 +0.25,6 +0.25,2 +0.25,5 +0.25,0 +0.25,3 +0.25,7 +0.25,4 +0.25,2 +0.25,4 +0.25,6 +0.25,4 +0.25,5 +0.25,0 +0.25,7 +0.25,2 +0.25,4 +0.25,3 +0.25,4 +0.25,1 +0.5,5 +0.5,6 +0.5,3 +0.5,0 +0.5,7 +0.5,4 +0.5,5 +0.5,7 +0.5,9 +0.5,8 +0.5,3 +0.5,5 +0.5,6 +0.5,5 +0.5,4 +0.5,9 +0.5,9 +0.5,3 +0.5,6 +0.5,9 +0.5,5 +0.5,7 +0.5,6 +0.5,10 +0.5,6 +0.5,7 +0.5,7 +0.5,6 +0.5,9 +0.5,5 +0.5,7 +0.5,8 +0.5,5 +0.5,3 +0.5,9 +0.5,1 +0.5,3 +0.5,5 +0.5,4 +0.5,4 +0.5,3 +0.5,5 +0.5,6 +0.5,5 +0.5,4 +0.5,6 +0.5,7 +0.5,10 +0.5,9 +0.5,3 +0.5,4 +0.5,5 +0.5,6 +0.5,5 +0.5,7 +0.5,8 +0.5,4 +0.5,9 +0.5,4 +0.5,7 +0.5,5 +0.5,7 +0.5,5 +0.5,5 +0.5,7 +0.5,6 +0.5,5 +0.5,3 +0.5,10 +0.5,5 +0.5,9 +0.5,10 +0.5,10 +0.5,6 +0.5,6 +0.5,5 +0.5,3 +0.5,9 +0.5,3 +0.5,4 +0.5,4 +0.5,5 +0.5,5 +0.5,6 +0.5,7 +0.5,5 +0.5,6 +0.5,10 +0.5,7 +0.5,5 +0.5,5 +0.5,6 +0.5,7 +0.5,3 +0.5,15 +0.5,5 +0.5,5 +0.5,4 +0.5,4 +0.5,10 +0.75,8 +0.75,3 +0.75,11 +0.75,5 +0.75,8 +0.75,10 +0.75,4 +0.75,9 +0.75,5 +0.75,9 +0.75,8 +0.75,4 +0.75,5 +0.75,4 +0.75,5 +0.75,10 +0.75,4 +0.75,7 +0.75,5 +0.75,6 +0.75,9 +0.75,4 +0.75,5 +0.75,7 +0.75,5 +0.75,9 +0.75,4 +0.75,8 +0.75,1 +0.75,4 +0.75,6 +0.75,9 +0.75,12 +0.75,4 +0.75,6 +0.75,10 +0.75,10 +0.75,8 +0.75,5 +0.75,6 +0.75,8 +0.75,8 +0.75,9 +0.75,9 +0.75,11 +0.75,10 +0.75,7 +0.75,9 +0.75,9 +0.75,4 +0.75,8 +0.75,9 +0.75,8 +0.75,8 +0.75,5 +0.75,10 +0.75,5 +0.75,16 +0.75,5 +0.75,9 +0.75,10 +0.75,6 +0.75,10 +0.75,4 +0.75,4 +0.75,10 +0.75,11 +0.75,9 +0.75,9 +0.75,14 +0.75,9 +0.75,6 +0.75,11 +0.75,18 +0.75,12 +0.75,12 +0.75,14 +0.75,8 +0.75,4 +0.75,7 +0.75,5 +0.75,6 +0.75,10 +0.75,7 +0.75,4 +0.75,9 +0.75,6 +0.75,5 +0.75,9 +0.75,11 +0.75,9 +0.75,9 +0.75,6 +0.75,5 +0.75,16 +0.75,7 +0.75,4 +0.75,11 +0.75,12 +0.75,6 +1,10 +1,7 +1,7 +1,5 +1,11 +1,15 +1,13 +1,16 +1,5 +1,11 +1,7 +1,7 +1,13 +1,11 +1,14 +1,11 +1,12 +1,11 +1,10 +1,10 +1,8 +1,12 +1,13 +1,7 +1,10 +1,6 +1,8 +1,8 +1,11 +1,8 +1,7 +1,11 +1,10 +1,7 +1,13 +1,11 +1,9 +1,10 +1,7 +1,9 +1,9 +1,6 +1,11 +1,16 +1,6 +1,10 +1,14 +1,7 +1,14 +1,9 +1,10 +1,7 +1,8 +1,10 +1,8 +1,6 +1,15 +1,11 +1,6 +1,8 +1,9 +1,9 +1,7 +1,8 +1,13 +1,10 +1,7 +1,5 +1,8 +1,7 +1,7 +1,14 +1,10 +1,6 +1,4 +1,6 +1,7 +1,9 +1,5 +1,9 +1,13 +1,7 +1,4 +1,8 +1,5 +1,11 +1,10 +1,14 +1,12 +1,10 +1,9 +1,12 +1,8 +1,11 +1,8 +1,9 +1,11 +1,8 +1,8 +1,9 +1.25,8 +1.25,13 +1.25,7 +1.25,14 +1.25,6 +1.25,8 +1.25,7 +1.25,13 +1.25,9 +1.25,10 +1.25,6 +1.25,7 +1.25,11 +1.25,11 +1.25,16 +1.25,12 +1.25,7 +1.25,9 +1.25,7 +1.25,8 +1.25,20 +1.25,11 +1.25,7 +1.25,13 +1.25,8 +1.25,16 +1.25,12 +1.25,13 +1.25,12 +1.25,14 +1.25,14 +1.25,13 +1.25,10 +1.25,11 +1.25,7 +1.25,10 +1.25,13 +1.25,12 +1.25,13 +1.25,12 +1.25,11 +1.25,9 +1.25,10 +1.25,10 +1.25,5 +1.25,8 +1.25,13 +1.25,11 +1.25,12 +1.25,9 +1.25,9 +1.25,12 +1.25,14 +1.25,9 +1.25,11 +1.25,13 +1.25,15 +1.25,12 +1.25,12 +1.25,13 +1.25,7 +1.25,6 +1.25,9 +1.25,10 +1.25,15 +1.25,7 +1.25,11 +1.25,13 +1.25,5 +1.25,12 +1.25,12 +1.25,13 +1.25,5 +1.25,9 +1.25,8 +1.25,11 +1.25,6 +1.25,6 +1.25,12 +1.25,9 +1.25,11 +1.25,8 +1.25,6 +1.25,11 +1.25,8 +1.25,10 +1.25,4 +1.25,10 +1.25,9 +1.25,9 +1.25,7 +1.25,13 +1.25,12 +1.25,8 +1.25,9 +1.25,10 +1.25,11 +1.25,9 +1.25,7 +1.25,13 +1.5,14 +1.5,11 +1.5,9 +1.5,10 +1.5,14 +1.5,16 +1.5,10 +1.5,14 +1.5,15 +1.5,16 +1.5,12 +1.5,12 +1.5,5 +1.5,9 +1.5,11 +1.5,7 +1.5,12 +1.5,11 +1.5,12 +1.5,11 +1.5,11 +1.5,9 +1.5,14 +1.5,10 +1.5,5 +1.5,8 +1.5,9 +1.5,18 +1.5,12 +1.5,11 +1.5,12 +1.5,9 +1.5,10 +1.5,17 +1.5,8 +1.5,9 +1.5,8 +1.5,9 +1.5,7 +1.5,17 +1.5,10 +1.5,13 +1.5,11 +1.5,9 +1.5,9 +1.5,7 +1.5,5 +1.5,11 +1.5,15 +1.5,13 +1.5,13 +1.5,17 +1.5,9 +1.5,12 +1.5,15 +1.5,10 +1.5,12 +1.5,10 +1.5,19 +1.5,11 +1.5,13 +1.5,5 +1.5,9 +1.5,13 +1.5,15 +1.5,12 +1.5,13 +1.5,15 +1.5,16 +1.5,16 +1.5,9 +1.5,10 +1.5,9 +1.5,11 +1.5,13 +1.5,13 +1.5,11 +1.5,17 +1.5,9 +1.5,16 +1.5,9 +1.5,12 +1.5,18 +1.5,20 +1.5,13 +1.5,11 +1.5,14 +1.5,10 +1.5,9 +1.5,10 +1.5,12 +1.5,9 +1.5,12 +1.5,11 +1.5,10 +1.5,11 +1.5,13 +1.5,8 +1.5,18 +1.5,8 +1.75,9 +1.75,10 +1.75,16 +1.75,11 +1.75,9 +1.75,10 +1.75,9 +1.75,9 +1.75,8 +1.75,13 +1.75,8 +1.75,15 +1.75,9 +1.75,8 +1.75,16 +1.75,10 +1.75,18 +1.75,17 +1.75,10 +1.75,12 +1.75,10 +1.75,5 +1.75,8 +1.75,18 +1.75,12 +1.75,2 +1.75,14 +1.75,6 +1.75,13 +1.75,9 +1.75,11 +1.75,8 +1.75,14 +1.75,9 +1.75,9 +1.75,13 +1.75,10 +1.75,17 +1.75,17 +1.75,9 +1.75,17 +1.75,15 +1.75,11 +1.75,12 +1.75,10 +1.75,16 +1.75,11 +1.75,11 +1.75,6 +1.75,6 +1.75,13 +1.75,10 +1.75,13 +1.75,5 +1.75,12 +1.75,11 +1.75,7 +1.75,18 +1.75,18 +1.75,6 +1.75,9 +1.75,9 +1.75,11 +1.75,15 +1.75,10 +1.75,7 +1.75,12 +1.75,10 +1.75,12 +1.75,14 +1.75,15 +1.75,16 +1.75,9 +1.75,9 +1.75,13 +1.75,7 +1.75,13 +1.75,9 +1.75,12 +1.75,13 +1.75,11 +1.75,18 +1.75,10 +1.75,8 +1.75,10 +1.75,17 +1.75,17 +1.75,10 +1.75,10 +1.75,19 +1.75,12 +1.75,9 +1.75,9 +1.75,9 +1.75,7 +1.75,13 +1.75,14 +1.75,19 +1.75,11 +1.75,10 +2,9 +2,10 +2,10 +2,10 +2,10 +2,13 +2,12 +2,19 +2,12 +2,15 +2,13 +2,10 +2,19 +2,12 +2,11 +2,15 +2,13 +2,10 +2,16 +2,14 +2,16 +2,13 +2,13 +2,16 +2,10 +2,18 +2,4 +2,14 +2,12 +2,14 +2,14 +2,9 +2,7 +2,15 +2,17 +2,20 +2,14 +2,10 +2,11 +2,15 +2,15 +2,14 +2,12 +2,22 +2,11 +2,21 +2,17 +2,8 +2,7 +2,20 +2,9 +2,14 +2,17 +2,12 +2,11 +2,6 +2,9 +2,15 +2,16 +2,18 +2,12 +2,16 +2,13 +2,13 +2,10 +2,11 +2,8 +2,16 +2,16 +2,9 +2,9 +2,17 +2,13 +2,10 +2,15 +2,8 +2,11 +2,17 +2,12 +2,21 +2,14 +2,8 +2,12 +2,11 +2,9 +2,16 +2,10 +2,18 +2,11 +2,14 +2,15 +2,15 +2,11 +2,18 +2,7 +2,18 +2,15 +2,14 +2,11 +2,12 diff --git a/tests/ssitTests.m b/tests/archived/ssitTests.m similarity index 100% rename from tests/ssitTests.m rename to tests/archived/ssitTests.m diff --git a/tests/incompleteTests/testPdoAnalyses.m b/tests/incompleteTests/testPdoAnalyses.m new file mode 100644 index 0000000..67afc4a --- /dev/null +++ b/tests/incompleteTests/testPdoAnalyses.m @@ -0,0 +1,110 @@ +classdef testPdoAnalyses < matlab.unittest.TestCase + properties + Poiss + ModelPDOSpots + Solution + SensSoln + MetHastResults + + end + + methods (TestClassSetup) + % Shared setup for the entire test class + function createTestModel1(tc) + addpath('../CommandLine') + %% Test Case 1 - a simple Poisson model + tc.Poiss = SSIT; + tc.Poiss.species = {'rna'}; + tc.Poiss.initialCondition = 0; + tc.Poiss.propensityFunctions = {'kr';'gr*rna'}; + tc.Poiss.stoichiometry = [1,-1]; + tc.Poiss.parameters = ({'kr',10;'gr',1}); + tc.Poiss.tSpan = linspace(0,2,21); + tc.Poiss.fspOptions.fspTol = 1e-5; + tc.Poiss = tc.Poiss.formPropensitiesGeneral('Poiss',true); + + %% Compute CME Solution + tc.Poiss.solutionScheme = 'FSP'; + tc.Poiss.fspOptions.fspTol = 1e-6; + [tc.Solution.UnCorrected,tc.Poiss.fspOptions.bounds] = tc.Poiss.solve; + + %% Calibrate on Empirical Data to Find PDO + tc.ModelPDOSpots = tc.Poiss.calibratePDO('../ExampleData/pdoCalibrationData.csv',... + {'rna'},{'nTotal'},{'nSpots0'},'AffinePoiss',true); + + %% Generate Distorted Data + tc.Solution.Corrected = tc.ModelPDOSpots.solve; + delete 'testDataDistorted.csv' + tc.ModelPDOSpots.ssaOptions.nSimsPerExpt = 1000; + tc.ModelPDOSpots.ssaOptions.Nexp = 1; + tc.ModelPDOSpots.sampleDataFromFSP(tc.Solution.Corrected,'testDataDistorted.csv') + + %% Compute CME Sensitivity + tc.Poiss.solutionScheme = 'fspSens'; + tc.Poiss.fspOptions.fspTol = inf; + tc.SensSoln = tc.Poiss.solve; + + %% Associate Model with Data + tc.Poiss = tc.Poiss.loadData('testDataDistorted.csv',{'rna','exp1_s1_Distorted'}); + tc.ModelPDOSpots = tc.ModelPDOSpots.loadData('testDataDistorted.csv',{'rna','exp1_s1_Distorted'}); + + % tc.Poiss.computeLikelihood + % tc.ModelPDOSpots.computeLikelihood + + %% Run MetHastings to find parameter uncertainty with and without distortion + tc.Poiss.solutionScheme = 'FSP'; + tc.ModelPDOSpots.solutionScheme = 'FSP'; + + % run Metropolis Hastings + MHFitOptions.thin=1; + MHFitOptions.numberOfSamples=1000; + MHFitOptions.burnIn=0; + MHFitOptions.progress=true; + MHFitOptions.useFIMforMetHast = true; + MHFitOptions.CovFIMscale = 1.0; + MHFitOptions.numChains = 1; + MHFitOptions.saveFile = 'TMPMHChain.mat'; + + delete('TMPMHChain.mat') + tc.Poiss.fittingOptions.modelVarsToFit = [1,2]; + [~,~,tc.MetHastResults.UnCorrected] = tc.Poiss.maximizeLikelihood(... + [], MHFitOptions, 'MetropolisHastings'); + delete('TMPMHChain.mat') + + tc.ModelPDOSpots.fittingOptions.modelVarsToFit = [1,2]; + [~,~,tc.MetHastResults.Corrected] = tc.ModelPDOSpots.maximizeLikelihood(... + [], MHFitOptions, 'MetropolisHastings'); + delete('TMPMHChain.mat') + + end + end + methods (Test) + % Test methods + + function tc = ModelCreation(tc) + % In this trivial test, we check that the SSIT is set up with + % the right names for the 'rna' species. + nm = tc.Poiss.species; + tc.verifyEqual(nm{1}, 'rna', ... + 'Species name is incorrect'); + + end + + function tc = FitModelWithPDO(tc) + end + + function MetHastWithPDO(tc) + end + + function SensitivityWithPDO(tc) + end + + function FIMwithPDO(tc) + fimsPDOSpot = tc.ModelPDOSpots.computeFIM(sensSoln); + fimPDOSpots = tc.ModelPDOSpots.evaluateExperiment(fimsPDOSpot,nCellsOpt); + Model.plotMHResults(mhResults,{FIM,fimOpt,fimPDOSpots}); + end + + end + +end \ No newline at end of file diff --git a/tests/miscelaneousTests.m b/tests/miscelaneousTests.m index f218cf3..de38d25 100644 --- a/tests/miscelaneousTests.m +++ b/tests/miscelaneousTests.m @@ -62,6 +62,7 @@ function ExportToSBML(tc) TwoDNonLinearTV.parameters = ({'kr1',20;'gr1',1;'kr2',18;'gr2',1;'M',20;'eta',5}); TwoDNonLinearTV.inputExpressions = {'Ir','1+cos(t)'}; TwoDNonLinearTV.tSpan = linspace(0,10,40); + TwoDNonLinearTV = TwoDNonLinearTV.formPropensitiesGeneral('TwoNonLinTV',false); [fspSoln1] = TwoDNonLinearTV.solve; TwoDNonLinearTV.makePlot(fspSoln1,'meansAndDevs',[],[],[1]) @@ -74,6 +75,8 @@ function ExportToSBML(tc) TwoDNonLinearTV = SSIT; TwoDNonLinearTV = TwoDNonLinearTV.createModelFromSBML('TwoDNonLinearTV.xml'); TwoDNonLinearTV.tSpan = linspace(0,10,40); + + TwoDNonLinearTV = TwoDNonLinearTV.formPropensitiesGeneral('TwoNonLinTV',false); [fspSoln2] = TwoDNonLinearTV.solve; TwoDNonLinearTV.makePlot(fspSoln2,'meansAndDevs',[],[],[3]) diff --git a/tests/multiModelTests.m b/tests/multiModelTests.m index e0c0256..8488856 100644 --- a/tests/multiModelTests.m +++ b/tests/multiModelTests.m @@ -22,7 +22,7 @@ function createTestModel1(tc) tc.Poiss.parameters = ({'kr',10;'gr',1}); tc.Poiss.tSpan = linspace(0,2,9); tc.Poiss.fspOptions.fspTol = 1e-5; - tc.Poiss = tc.Poiss.formPropensitiesGeneral('Poiss1'); + tc.Poiss = tc.Poiss.formPropensitiesGeneral('Poiss1',true); tc.Poiss.fittingOptions.modelVarsToFit = [1,2]; [tc.PoissSolution,tc.Poiss.fspOptions.bounds] = tc.Poiss.solve; @@ -36,7 +36,7 @@ function createTestModel1(tc) tc.Poiss2.ssaOptions.nSimsPerExpt = 100; tc.Poiss2.ssaOptions.Nexp = 1; tc.Poiss2.parameters = ({'kr',15;'gr',1}); - tc.Poiss2 = tc.Poiss2.formPropensitiesGeneral('Poiss2'); + tc.Poiss2 = tc.Poiss2.formPropensitiesGeneral('Poiss2',true); [tc.Poiss2Solution,tc.Poiss2.fspOptions.bounds] = tc.Poiss2.solve; delete 'testData2.csv' tc.Poiss2.sampleDataFromFSP(tc.Poiss2Solution,'testData2.csv') @@ -60,7 +60,7 @@ function createMultiModel(tc) combinedModel = combinedModel.initializeStateSpaces; parGuess = [1,1,1]; - fitOptions = optimset('Display','iter','MaxIter',500); + fitOptions = optimset('Display','final','MaxIter',500); parGuess = combinedModel.maximizeLikelihood(... parGuess, fitOptions); @@ -111,13 +111,17 @@ function testFIM(tc) 0,exactIkg2(i),exactIk2(i)]; end % - diff = max(abs(exactIk1-fspIk1)+abs(exactIg1-fspIg1)+abs(exactIkg1-fspIkg1))+... - max(abs(exactIk2-fspIk2)+abs(exactIg2-fspIg2)+abs(exactIkg2-fspIkg2)); + diff = max(abs((exactIk1-fspIk1)./exactIk1)+... + abs((exactIg1-fspIg1)./exactIg1)+... + abs((exactIkg1-fspIkg1)./exactIkg1))+... + max(abs((exactIk2-fspIk2)./exactIk2)+... + abs((exactIg2-fspIg2)./exactIg2)+... + abs((exactIkg2-fspIkg2)./exactIkg2)); - diff = max(diff,max(abs(combinedModel.FIM.totalFIM - exactTotalFIM),[],"all")/9); + diff = max(diff,max(abs((combinedModel.FIM.totalFIM - exactTotalFIM)./exactTotalFIM),[],"all")/9); tc.verifyEqual(diff<0.001, true, ... - 'FIM Calculation is not within 1e-4% Tolerance'); + 'FIM Calculation is not within 0.1% Tolerance'); end end diff --git a/tests/poissonTest.m b/tests/poissonTest.m index 952a789..14b4e31 100644 --- a/tests/poissonTest.m +++ b/tests/poissonTest.m @@ -19,7 +19,7 @@ function createTestModel1(testCase1) testCase1.Poiss.parameters = ({'kr',10;'gr',1}); testCase1.Poiss.tSpan = linspace(0,2,21); testCase1.Poiss.fspOptions.fspTol = 1e-5; - testCase1.Poiss = testCase1.Poiss.formPropensitiesGeneral('Poiss'); + testCase1.Poiss = testCase1.Poiss.formPropensitiesGeneral('Poiss',true); [testCase1.PoissSolution,testCase1.Poiss.fspOptions.bounds] = testCase1.Poiss.solve; tic @@ -206,7 +206,10 @@ function ComputingSensitivities(testCase) Model.solutionScheme = 'fspSens'; Model.fspOptions.fspTol = 1e-6; + Model.sensOptions.solutionMethod = 'forward'; SensSoln = Model.solve; + Model.sensOptions.solutionMethod = 'finiteDifference'; + SensSoln2 = Model.solve; t = Model.tSpan; k = Model.parameters{1,2}; @@ -229,6 +232,13 @@ function ComputingSensitivities(testCase) end Model.makePlot(SensSoln,'marginals',21,[],[5]); + subplot(2,1,1) + hold on + plot(analytical1); + subplot(2,1,2) + hold on + plot(analytical2); + Model.makePlot(SensSoln2,'marginals',21,[],[5]); testCase.verifyEqual(max(diff1+diff2)<0.001, true, ... 'Sensitivity Calculation is not within 0.1% Tolerance'); diff --git a/tests/testDataDistorted.csv b/tests/testDataDistorted.csv index df846dd..83fe13c 100644 --- a/tests/testDataDistorted.csv +++ b/tests/testDataDistorted.csv @@ -1,12 +1,17 @@ time,exp1_s1,exp1_s1_Distorted +0,0,1 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 -0,0,0 +0,0,1 0,0,0 0,0,1 0,0,0 @@ -17,66 +22,63 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,0 +0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,2 0,0,0 0,0,0 -0,0,2 -0,0,1 -0,0,2 +0,0,0 +0,0,0 0,0,0 0,0,0 0,0,1 -0,0,1 -0,0,3 +0,0,0 +0,0,0 +0,0,0 0,0,0 0,0,1 0,0,1 -0,0,0 0,0,1 0,0,0 0,0,1 +0,0,0 0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 +0,0,3 0,0,0 0,0,0 -0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -95,11 +97,12 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 +0,0,2 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -111,44 +114,56 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,1 -0,0,3 0,0,0 -0,0,1 0,0,2 +0,0,1 +0,0,1 +0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,1 +0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,2 +0,0,1 0,0,0 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,2 +0,0,0 +0,0,0 +0,0,0 0,0,1 0,0,1 0,0,0 +0,0,1 +0,0,1 +0,0,1 +0,0,2 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -158,50 +173,47 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,1 -0,0,0 0,0,0 -0,0,1 +0,0,2 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,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 +0,0,1 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,0 -0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -210,21 +222,17 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,1 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,1 0,0,0 0,0,1 -0,0,1 -0,0,1 0,0,0 0,0,1 0,0,0 @@ -235,16 +243,13 @@ time,exp1_s1,exp1_s1_Distorted 0,0,1 0,0,0 0,0,0 -0,0,1 -0,0,1 -0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 +0,0,2 0,0,0 0,0,0 0,0,0 @@ -254,13 +259,16 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 -0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -275,31 +283,42 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 +0,0,2 0,0,0 0,0,1 0,0,0 +0,0,2 0,0,0 -0,0,0 +0,0,1 +0,0,1 +0,0,2 +0,0,1 0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,1 0,0,0 @@ -310,6 +329,7 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -317,16 +337,14 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,2 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,2 0,0,0 0,0,0 @@ -339,16 +357,14 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,2 -0,0,0 -0,0,2 -0,0,0 -0,0,1 0,0,1 0,0,0 0,0,1 +0,0,1 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -358,10 +374,11 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,1 -0,0,0 0,0,1 0,0,0 +0,0,1 0,0,0 +0,0,2 0,0,0 0,0,0 0,0,0 @@ -372,9 +389,7 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,3 0,0,0 -0,0,1 0,0,0 0,0,1 0,0,0 @@ -383,33 +398,45 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,1 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,1 0,0,0 -0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 -0,0,1 -0,0,1 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 +0,0,0 0,0,2 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,0 +0,0,1 +0,0,0 +0,0,0 +0,0,0 0,0,1 +0,0,1 +0,0,0 0,0,0 +0,0,1 +0,0,2 0,0,0 +0,0,1 0,0,0 0,0,1 0,0,1 @@ -421,21 +448,24 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,0 +0,0,0 +0,0,0 0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 +0,0,2 0,0,0 +0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -443,24 +473,24 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,1 -0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,1 0,0,0 0,0,0 +0,0,2 +0,0,0 0,0,0 0,0,0 0,0,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 0,0,0 0,0,0 0,0,0 @@ -477,6 +507,8 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,0 0,0,0 0,0,0 0,0,0 @@ -490,43 +522,47 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,0 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,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 0,0,0 0,0,1 0,0,1 +0,0,0 +0,0,2 +0,0,0 +0,0,0 +0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,2 +0,0,0 +0,0,0 0,0,1 0,0,1 0,0,0 @@ -534,21 +570,20 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 -0,0,2 0,0,0 0,0,0 -0,0,3 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -556,17 +591,17 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -576,9 +611,8 @@ time,exp1_s1,exp1_s1_Distorted 0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 +0,0,0 0,0,0 0,0,1 0,0,0 @@ -587,56 +621,63 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,1 -0,0,1 0,0,0 -0,0,2 +0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,1 +0,0,0 +0,0,0 +0,0,0 0,0,0 0,0,1 0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 +0,0,1 +0,0,0 0,0,0 0,0,1 -0,0,2 +0,0,1 0,0,0 +0,0,2 0,0,0 0,0,0 0,0,1 @@ -645,20 +686,18 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,1 -0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -667,24 +706,25 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 +0,0,2 +0,0,0 0,0,1 0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -695,14 +735,19 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 +0,0,2 +0,0,2 0,0,0 0,0,0 0,0,0 @@ -712,35 +757,38 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,0 +0,0,2 0,0,1 0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 +0,0,0 +0,0,1 0,0,1 0,0,0 0,0,0 +0,0,0 +0,0,0 +0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -749,7 +797,6 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -757,42 +804,32 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 0,0,0 0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 -0,0,1 0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 -0,0,0 -0,0,0 -0,0,1 0,0,1 -0,0,1 -0,0,0 -0,0,0 -0,0,0 -0,0,0 0,0,0 0,0,0 0,0,0 @@ -803,20 +840,16 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,1 -0,0,1 0,0,0 -0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 +0,0,2 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -824,11 +857,13 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 @@ -836,14 +871,11 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,0 -0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,1 -0,0,1 -0,0,0 0,0,0 0,0,0 0,0,0 @@ -851,21 +883,13 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,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 -0,0,0 0,0,1 -0,0,0 -0,0,0 -0,0,0 -0,0,0 -0,0,0 +0,0,2 0,0,1 0,0,0 0,0,0 @@ -874,105 +898,87 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 -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,0,0 -0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 0,0,0 +0,0,1 0,0,0 0,0,0 -0,0,2 0,0,0 0,0,0 -0,0,2 0,0,1 0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 -0,0,0 -0,0,0 -0,0,0 -0,0,0 +0,0,2 0,0,0 0,0,0 0,0,0 0,0,0 0,0,1 -0,0,0 -0,0,0 0,0,1 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,0,0 0,0,1 0,0,2 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,2 0,0,0 +0,0,1 0,0,0 0,0,0 +0,0,1 0,0,0 +0,0,2 0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,0 0,0,1 0,0,0 +0,0,1 0,0,0 0,0,0 0,0,0 +0,0,1 +0,0,1 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 -0,0,2 0,0,0 -0,0,1 -0,0,1 -0,0,1 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 0,0,0 0,0,0 @@ -980,20022 +986,20016 @@ time,exp1_s1,exp1_s1_Distorted 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,0 0,0,0 0,0,1 0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 -0,0,0 0,0,0 0,0,0 0,0,0 -0,0,1 0,0,0 -0,0,1 0,0,0 -0,0,1 +0,0,2 0,0,0 -0.1,0,1 -0.1,0,1 0.1,0,0 +0.1,3,1 0.1,0,0 -0.1,2,4 -0.1,2,3 -0.1,1,3 0.1,1,0 0.1,0,0 -0.1,2,2 -0.1,1,2 -0.1,0,0 +0.1,1,0 0.1,1,1 -0.1,0,0 -0.1,2,3 -0.1,0,0 0.1,3,2 -0.1,1,3 +0.1,2,1 +0.1,1,1 0.1,0,1 -0.1,1,2 +0.1,0,0 +0.1,3,3 +0.1,1,0 0.1,0,0 0.1,0,0 0.1,0,0 +0.1,2,5 +0.1,0,0 +0.1,1,2 0.1,1,0 0.1,1,0 -0.1,1,2 -0.1,0,1 +0.1,0,2 0.1,0,0 +0.1,1,1 0.1,0,0 +0.1,4,4 +0.1,0,1 +0.1,1,0 +0.1,1,0 +0.1,2,3 +0.1,2,2 0.1,0,0 +0.1,1,0 +0.1,2,2 +0.1,1,1 +0.1,2,0 0.1,1,2 -0.1,3,3 -0.1,0,0 -0.1,0,0 -0.1,1,3 +0.1,1,1 +0.1,0,1 +0.1,0,1 0.1,0,0 +0.1,1,1 +0.1,1,0 +0.1,1,1 +0.1,1,2 +0.1,2,1 +0.1,1,1 +0.1,1,1 +0.1,1,2 +0.1,0,1 +0.1,1,2 0.1,1,0 0.1,0,0 0.1,0,0 0.1,2,1 +0.1,3,3 +0.1,1,0 0.1,0,0 -0.1,0,0 +0.1,3,1 0.1,0,0 0.1,2,2 0.1,0,0 -0.1,0,0 -0.1,2,3 +0.1,2,2 +0.1,1,1 0.1,1,1 0.1,1,0 -0.1,0,1 -0.1,2,3 -0.1,0,1 -0.1,3,2 +0.1,1,2 0.1,1,1 +0.1,1,0 0.1,0,0 +0.1,1,2 +0.1,1,0 +0.1,4,4 +0.1,1,1 +0.1,1,2 0.1,0,0 -0.1,0,0 +0.1,1,1 0.1,2,1 0.1,0,0 0.1,0,0 +0.1,2,1 +0.1,3,4 0.1,1,1 0.1,0,0 -0.1,2,3 -0.1,2,2 0.1,0,1 -0.1,1,0 -0.1,2,3 0.1,0,0 0.1,0,0 -0.1,1,1 -0.1,1,1 -0.1,2,2 -0.1,3,1 -0.1,2,1 0.1,1,0 -0.1,2,2 +0.1,0,0 +0.1,1,0 +0.1,3,0 +0.1,3,2 +0.1,1,1 +0.1,3,2 0.1,1,2 0.1,1,2 +0.1,2,0 +0.1,0,0 0.1,1,2 0.1,0,0 +0.1,1,2 +0.1,2,1 +0.1,1,0 0.1,2,2 -0.1,3,4 -0.1,2,0 -0.1,0,1 0.1,1,1 0.1,2,3 -0.1,2,4 -0.1,1,2 -0.1,2,0 -0.1,1,1 +0.1,0,0 +0.1,2,2 +0.1,0,0 0.1,1,1 0.1,0,0 -0.1,1,0 -0.1,1,0 +0.1,2,0 0.1,0,2 -0.1,1,3 -0.1,2,1 0.1,0,1 0.1,0,0 -0.1,1,3 +0.1,3,3 0.1,0,0 0.1,0,0 +0.1,1,1 +0.1,2,3 +0.1,1,2 0.1,0,0 0.1,1,1 +0.1,0,0 +0.1,0,0 0.1,1,1 +0.1,0,0 +0.1,0,1 0.1,1,1 +0.1,1,3 +0.1,0,1 +0.1,3,4 +0.1,4,1 +0.1,0,0 +0.1,0,0 0.1,1,0 -0.1,1,4 0.1,0,0 -0.1,1,2 -0.1,2,2 0.1,1,1 -0.1,2,0 +0.1,0,1 0.1,1,1 -0.1,2,3 +0.1,0,1 0.1,1,0 0.1,0,0 +0.1,1,0 0.1,0,0 +0.1,1,1 0.1,0,0 -0.1,1,0 -0.1,2,0 0.1,2,3 -0.1,1,1 0.1,0,0 0.1,1,2 -0.1,1,1 -0.1,2,3 +0.1,2,0 +0.1,2,0 0.1,1,1 0.1,0,0 -0.1,0,1 -0.1,1,0 0.1,0,0 +0.1,1,1 0.1,1,0 -0.1,2,3 +0.1,1,2 +0.1,2,1 0.1,1,0 -0.1,2,3 0.1,0,0 -0.1,1,1 0.1,0,0 -0.1,1,1 +0.1,2,0 +0.1,1,4 0.1,0,0 -0.1,4,2 +0.1,1,1 0.1,1,2 0.1,0,0 -0.1,0,0 0.1,1,1 +0.1,0,0 +0.1,3,5 0.1,1,2 +0.1,0,1 0.1,1,1 -0.1,1,1 -0.1,1,0 -0.1,1,4 +0.1,2,0 0.1,0,1 -0.1,4,1 +0.1,3,4 0.1,1,1 0.1,1,1 0.1,0,0 -0.1,2,0 0.1,1,0 -0.1,0,1 0.1,0,0 -0.1,1,0 +0.1,2,2 0.1,0,0 0.1,0,0 -0.1,2,1 -0.1,4,4 -0.1,1,0 +0.1,0,0 +0.1,0,0 +0.1,4,5 +0.1,0,0 +0.1,0,0 +0.1,0,0 +0.1,0,2 +0.1,3,6 +0.1,2,2 0.1,1,1 +0.1,1,2 0.1,0,0 -0.1,2,3 0.1,0,0 0.1,0,1 -0.1,0,1 -0.1,1,0 0.1,1,0 0.1,0,0 -0.1,1,4 -0.1,1,1 +0.1,3,4 +0.1,0,2 +0.1,2,4 +0.1,0,0 0.1,1,0 +0.1,1,3 0.1,0,0 0.1,0,1 -0.1,1,2 -0.1,1,0 0.1,1,0 0.1,0,0 +0.1,1,1 +0.1,4,4 0.1,0,0 0.1,2,0 0.1,1,1 -0.1,0,1 0.1,0,0 -0.1,1,3 -0.1,1,2 -0.1,3,8 +0.1,0,0 +0.1,2,3 0.1,0,0 0.1,0,0 -0.1,2,2 -0.1,1,1 +0.1,0,0 +0.1,0,1 +0.1,1,2 +0.1,2,3 +0.1,1,4 0.1,1,1 -0.1,2,1 -0.1,1,0 0.1,2,0 0.1,1,1 -0.1,1,1 0.1,0,0 0.1,1,0 -0.1,3,3 -0.1,1,0 0.1,0,0 -0.1,1,0 -0.1,1,2 -0.1,3,1 +0.1,0,1 +0.1,0,1 0.1,0,0 -0.1,1,0 -0.1,2,2 -0.1,2,1 -0.1,1,3 +0.1,0,2 0.1,2,2 +0.1,0,0 +0.1,1,0 0.1,1,1 0.1,1,0 -0.1,1,2 0.1,0,1 +0.1,0,1 +0.1,1,1 +0.1,1,1 0.1,1,0 +0.1,0,0 +0.1,2,2 +0.1,0,0 +0.1,2,2 +0.1,0,0 +0.1,2,1 +0.1,0,0 0.1,1,1 0.1,1,0 0.1,1,1 -0.1,0,1 0.1,0,0 -0.1,1,4 +0.1,0,0 +0.1,1,2 +0.1,1,1 +0.1,0,1 +0.1,1,1 0.1,1,1 0.1,0,0 -0.1,2,0 0.1,0,0 -0.1,1,2 +0.1,1,0 +0.1,0,1 0.1,0,0 -0.1,1,3 +0.1,1,0 0.1,0,0 +0.1,1,0 +0.1,1,1 0.1,2,1 0.1,0,0 -0.1,1,0 -0.1,1,4 -0.1,4,6 -0.1,0,1 0.1,1,1 -0.1,1,2 +0.1,2,4 0.1,1,1 -0.1,1,3 -0.1,1,5 -0.1,1,0 -0.1,1,2 0.1,2,1 -0.1,1,2 -0.1,1,2 -0.1,1,3 0.1,0,0 -0.1,2,1 0.1,0,0 -0.1,1,2 -0.1,2,3 -0.1,2,2 0.1,0,0 +0.1,1,1 0.1,1,0 +0.1,1,3 +0.1,1,2 0.1,0,0 -0.1,2,4 -0.1,2,1 0.1,0,0 +0.1,2,1 +0.1,1,2 +0.1,2,1 +0.1,0,1 +0.1,2,4 0.1,0,0 +0.1,3,3 +0.1,2,2 +0.1,3,4 +0.1,2,3 0.1,0,0 0.1,0,0 +0.1,1,1 +0.1,2,2 0.1,0,0 +0.1,1,3 +0.1,2,1 +0.1,1,2 +0.1,2,2 +0.1,4,3 0.1,0,0 0.1,1,0 -0.1,0,0 -0.1,1,1 -0.1,0,1 -0.1,0,1 +0.1,1,0 +0.1,1,0 0.1,1,0 0.1,1,2 -0.1,1,1 -0.1,1,1 -0.1,0,0 -0.1,0,0 +0.1,1,3 0.1,0,0 +0.1,3,6 +0.1,1,2 0.1,0,0 +0.1,1,2 0.1,0,0 +0.1,2,4 +0.1,1,0 +0.1,2,1 +0.1,1,0 +0.1,1,2 0.1,2,0 -0.1,0,0 0.1,0,1 +0.1,1,0 +0.1,4,5 0.1,2,1 -0.1,0,1 -0.1,1,1 +0.1,2,2 0.1,2,1 -0.1,1,3 -0.1,2,3 -0.1,4,1 -0.1,1,1 -0.1,0,0 -0.1,1,1 0.1,0,1 0.1,0,0 -0.1,2,3 0.1,0,1 -0.1,2,0 0.1,0,1 +0.1,1,2 0.1,0,0 -0.1,3,2 0.1,1,1 -0.1,0,0 0.1,1,0 +0.1,2,0 0.1,1,0 -0.1,1,1 -0.1,0,1 0.1,0,0 0.1,0,0 +0.1,1,3 +0.1,1,2 +0.1,1,3 +0.1,0,0 +0.1,2,0 +0.1,1,1 0.1,0,0 0.1,1,1 +0.1,3,1 +0.1,2,0 +0.1,1,0 +0.1,1,1 +0.1,3,6 +0.1,2,0 +0.1,0,0 +0.1,0,0 +0.1,1,0 +0.1,0,0 +0.1,2,4 +0.1,2,4 +0.1,3,2 +0.1,2,1 0.1,1,2 +0.1,3,2 +0.1,2,1 0.1,0,0 +0.1,1,4 0.1,1,0 +0.1,1,4 +0.1,2,1 0.1,0,0 0.1,0,0 0.1,0,0 0.1,0,0 -0.1,1,1 -0.1,1,1 +0.1,2,1 +0.1,0,1 0.1,0,0 0.1,0,0 0.1,0,0 -0.1,3,2 -0.1,1,0 +0.1,1,3 +0.1,4,2 +0.1,1,3 +0.1,1,5 +0.1,1,3 +0.1,0,1 +0.1,3,3 +0.1,1,1 +0.1,4,1 0.1,0,0 +0.1,2,1 0.1,0,0 -0.1,1,2 0.1,1,0 -0.1,3,4 -0.1,2,4 +0.1,0,0 +0.1,0,0 0.1,1,2 -0.1,2,1 +0.1,2,5 +0.1,2,0 +0.1,4,1 0.1,1,1 -0.1,0,1 -0.1,2,3 +0.1,0,0 +0.1,1,2 0.1,0,1 0.1,1,2 +0.1,1,1 0.1,0,0 -0.1,0,0 +0.1,0,1 0.1,1,2 0.1,0,0 -0.1,2,4 +0.1,3,4 +0.1,1,2 0.1,0,0 -0.1,2,1 0.1,1,0 -0.1,1,1 -0.1,1,0 -0.1,0,1 0.1,1,0 0.1,1,1 -0.1,2,2 +0.1,1,1 +0.1,2,4 +0.1,1,2 +0.1,3,3 +0.1,1,0 +0.1,1,2 0.1,0,0 0.1,2,3 -0.1,0,0 -0.1,0,0 +0.1,1,3 +0.1,1,1 0.1,0,0 0.1,1,2 -0.1,0,3 0.1,0,0 -0.1,3,2 0.1,1,0 -0.1,1,2 -0.1,1,1 0.1,1,1 -0.1,0,0 -0.1,1,0 0.1,2,1 0.1,0,0 -0.1,1,0 +0.1,1,2 +0.1,0,2 +0.1,0,2 0.1,0,0 -0.1,3,2 0.1,0,0 -0.1,1,0 0.1,3,1 -0.1,0,0 +0.1,2,3 +0.1,2,4 +0.1,0,1 0.1,1,0 +0.1,1,2 0.1,0,0 +0.1,1,3 +0.1,0,1 0.1,1,0 -0.1,1,0 +0.1,1,1 0.1,0,0 +0.1,0,1 0.1,0,0 0.1,0,0 +0.1,3,4 0.1,0,0 -0.1,1,0 -0.1,2,0 -0.1,3,3 -0.1,3,1 -0.1,2,2 -0.1,1,0 -0.1,0,0 -0.1,1,0 -0.1,1,1 +0.1,2,1 0.1,0,1 -0.1,1,1 +0.1,0,1 +0.1,0,1 +0.1,1,0 0.1,0,0 +0.1,1,2 0.1,0,0 0.1,1,0 0.1,0,0 0.1,0,0 -0.1,1,1 -0.1,0,0 -0.1,1,0 0.1,0,2 -0.1,2,2 -0.1,1,1 0.1,0,0 +0.1,0,1 0.1,0,0 0.1,1,0 +0.1,3,3 +0.1,1,4 +0.1,3,1 0.1,1,0 +0.1,1,2 0.1,0,2 -0.1,1,3 -0.1,0,0 -0.1,0,0 -0.1,2,4 -0.1,2,4 -0.1,3,6 +0.1,1,2 +0.1,3,2 0.1,0,0 +0.1,0,1 +0.1,0,1 +0.1,1,0 0.1,1,1 0.1,0,0 -0.1,0,0 -0.1,0,0 +0.1,3,3 +0.1,2,1 0.1,1,2 +0.1,2,2 +0.1,1,0 +0.1,2,4 0.1,1,0 +0.1,0,1 0.1,1,1 -0.1,0,0 -0.1,2,3 0.1,1,2 +0.1,1,4 0.1,0,0 +0.1,1,0 0.1,2,1 +0.1,1,0 0.1,1,1 -0.1,1,2 -0.1,0,2 -0.1,0,0 -0.1,0,1 -0.1,0,0 -0.1,0,0 -0.1,2,2 -0.1,1,3 0.1,1,1 -0.1,2,1 -0.1,3,5 -0.1,2,1 0.1,1,1 +0.1,1,0 0.1,0,0 -0.1,1,1 -0.1,1,3 0.1,0,0 +0.1,1,2 +0.1,1,0 +0.1,1,2 +0.1,3,1 +0.1,1,0 +0.1,1,0 +0.1,2,2 +0.1,1,2 +0.1,2,4 0.1,0,0 -0.1,2,6 -0.1,1,1 -0.1,2,0 0.1,0,0 +0.1,2,3 0.1,0,0 0.1,0,0 0.1,0,0 -0.1,2,3 +0.1,0,1 0.1,0,0 -0.1,2,1 -0.1,2,1 -0.1,1,0 -0.1,1,1 0.1,0,1 0.1,0,0 -0.1,1,0 -0.1,0,2 -0.1,3,3 +0.1,0,0 +0.1,1,1 0.1,2,2 -0.1,3,7 -0.1,1,0 0.1,0,0 -0.1,2,3 +0.1,3,3 0.1,0,0 -0.1,0,1 -0.1,2,0 -0.1,1,0 -0.1,2,2 -0.1,1,3 -0.1,2,2 +0.1,1,1 0.1,1,2 -0.1,2,2 -0.1,0,1 -0.1,3,0 -0.1,1,0 -0.1,1,4 -0.1,1,0 -0.1,0,1 -0.1,1,0 -0.1,0,0 0.1,0,0 +0.1,1,1 +0.1,1,1 0.1,0,0 -0.1,1,2 0.1,1,0 -0.1,1,0 -0.1,1,3 0.1,0,0 +0.1,1,0 0.1,1,2 +0.1,2,2 0.1,0,0 0.1,0,0 -0.1,3,3 -0.1,0,1 -0.1,3,5 -0.1,1,3 0.1,0,0 -0.1,1,2 0.1,0,1 -0.1,1,0 -0.1,3,5 0.1,0,0 0.1,0,1 -0.1,0,1 -0.1,1,2 +0.1,2,1 0.1,3,6 -0.1,0,0 -0.1,0,0 -0.1,0,2 -0.1,2,0 0.1,0,1 -0.1,1,1 -0.1,2,3 -0.1,2,2 +0.1,1,0 0.1,0,0 -0.1,1,3 +0.1,0,2 0.1,0,0 -0.1,3,2 -0.1,3,4 0.1,2,3 0.1,0,0 -0.1,2,0 -0.1,1,4 -0.1,0,1 0.1,0,0 0.1,0,0 +0.1,1,1 +0.1,3,3 +0.1,2,2 0.1,0,0 -0.1,2,1 -0.1,0,2 0.1,1,2 +0.1,1,5 +0.1,2,3 0.1,0,0 +0.1,2,2 +0.1,1,0 +0.1,1,3 +0.1,1,1 +0.1,2,3 0.1,0,1 -0.1,0,0 -0.1,0,0 0.1,1,3 +0.1,1,1 +0.1,2,0 +0.1,1,3 +0.1,2,4 +0.1,0,1 +0.1,1,1 0.1,0,0 -0.1,4,5 -0.1,2,1 +0.1,2,0 0.1,0,0 0.1,2,1 +0.1,3,4 +0.1,1,1 0.1,0,0 -0.1,2,3 0.1,0,0 +0.1,2,1 0.1,0,0 -0.1,1,3 -0.1,1,2 -0.1,1,1 0.1,0,0 +0.1,1,3 +0.1,0,1 +0.1,3,7 +0.1,0,1 0.1,0,0 -0.1,1,2 -0.1,1,1 +0.1,3,2 +0.1,2,4 +0.1,0,1 0.1,0,1 -0.1,1,2 0.1,0,0 0.1,0,0 -0.1,3,1 +0.1,1,0 +0.1,2,2 0.1,0,0 0.1,2,2 -0.1,2,1 0.1,1,2 0.1,0,0 -0.1,2,2 +0.1,1,0 +0.1,1,0 +0.1,0,1 +0.1,1,1 +0.1,0,1 0.1,0,0 0.1,1,1 0.1,1,1 -0.1,0,0 +0.1,2,1 +0.1,2,2 +0.1,3,4 +0.1,3,3 +0.1,1,0 0.1,2,4 +0.1,1,0 0.1,0,0 +0.1,1,0 +0.1,1,0 0.1,1,1 +0.1,0,0 +0.1,0,0 +0.1,1,0 0.1,0,1 +0.1,1,0 0.1,1,1 -0.1,2,1 0.1,0,0 0.1,0,0 -0.1,2,2 0.1,0,0 -0.1,2,2 -0.1,3,2 +0.1,1,3 +0.1,1,0 0.1,1,1 0.1,4,5 -0.1,5,4 -0.1,0,0 -0.1,0,1 -0.1,2,2 0.1,1,2 -0.1,1,1 +0.1,0,0 +0.1,0,0 +0.1,3,2 0.1,1,0 +0.1,0,0 +0.1,0,0 0.1,1,0 0.1,1,1 +0.1,2,2 +0.1,2,0 0.1,0,0 +0.1,0,0 +0.1,2,2 0.1,3,7 +0.1,0,0 +0.1,2,4 +0.1,1,2 +0.1,2,3 0.1,1,1 0.1,1,2 +0.1,1,3 0.1,0,0 +0.1,2,3 0.1,0,0 +0.1,2,5 0.1,0,0 -0.1,2,2 0.1,0,0 -0.1,1,0 0.1,1,1 -0.1,2,1 +0.1,2,4 +0.1,0,0 +0.1,0,0 0.1,0,0 -0.1,2,3 +0.1,1,2 +0.1,0,3 +0.1,3,7 +0.1,1,2 +0.1,0,1 0.1,1,2 0.1,0,0 -0.1,2,5 -0.1,1,1 +0.1,3,4 0.1,0,0 0.1,0,0 0.1,0,0 -0.1,2,4 -0.1,1,1 -0.1,1,0 0.1,0,0 +0.1,1,1 +0.1,2,1 0.1,1,0 -0.1,1,0 -0.1,0,0 +0.1,1,1 +0.1,4,4 0.1,2,1 0.1,0,0 -0.1,0,1 -0.1,1,1 0.1,0,0 -0.1,2,1 0.1,0,0 -0.1,0,1 0.1,2,3 +0.1,2,1 0.1,0,0 -0.1,0,1 0.1,0,0 -0.1,1,0 -0.1,2,5 0.1,0,0 -0.1,0,1 -0.1,2,0 +0.1,3,4 0.1,1,0 -0.1,0,0 +0.1,2,4 0.1,1,2 -0.1,2,1 +0.1,1,0 0.1,3,3 -0.1,1,1 -0.1,1,1 -0.1,0,0 -0.1,0,0 -0.1,0,1 0.1,1,0 0.1,0,0 -0.1,1,1 -0.1,1,1 -0.1,1,1 -0.1,1,2 -0.1,2,3 -0.1,0,0 -0.1,0,0 -0.1,1,0 -0.1,1,0 -0.1,0,1 0.1,0,0 0.1,0,0 -0.1,1,1 -0.1,2,1 +0.1,3,3 0.1,0,0 -0.1,0,1 -0.1,2,0 -0.1,1,1 +0.1,3,4 0.1,0,0 0.1,0,0 -0.1,1,2 -0.1,2,2 0.1,1,0 -0.1,2,2 -0.1,1,3 0.1,1,1 -0.1,1,0 -0.1,0,0 -0.1,1,0 -0.1,3,3 -0.1,1,0 -0.1,0,0 +0.1,1,2 0.1,0,1 0.1,0,0 +0.1,1,0 0.1,2,0 0.1,0,0 +0.1,3,3 0.1,0,0 -0.1,2,1 -0.1,2,2 -0.1,0,0 -0.1,0,0 +0.1,1,2 0.1,0,0 -0.1,1,0 -0.1,2,3 0.1,1,2 -0.1,3,0 0.1,0,0 0.1,2,2 -0.1,2,2 0.1,1,0 -0.1,0,0 -0.1,2,1 0.1,1,1 -0.1,0,1 0.1,3,3 0.1,1,0 -0.1,1,3 0.1,0,0 0.1,1,0 -0.1,0,1 -0.1,1,0 0.1,1,2 +0.1,2,0 0.1,0,0 0.1,1,1 -0.1,0,1 -0.1,3,2 -0.1,0,0 +0.1,3,3 +0.1,2,1 0.1,0,0 +0.1,2,4 0.1,0,0 0.1,0,0 0.1,1,1 -0.1,0,1 -0.1,0,1 -0.1,1,2 +0.1,0,0 0.1,0,0 0.1,1,1 -0.1,2,2 0.1,1,1 0.1,0,0 -0.1,0,1 -0.1,3,2 -0.1,2,2 -0.1,2,2 -0.1,1,2 +0.1,1,1 +0.1,0,0 +0.1,0,0 +0.1,0,0 0.1,0,0 -0.1,1,0 0.1,0,0 -0.1,5,6 +0.1,2,1 +0.1,0,0 +0.1,2,4 0.1,0,1 -0.1,1,0 +0.1,3,3 +0.1,0,0 +0.1,0,0 +0.1,2,4 0.1,0,0 0.1,1,1 0.1,1,0 -0.1,1,3 -0.1,1,1 +0.1,0,1 +0.1,2,0 +0.1,4,6 0.1,1,0 +0.1,0,0 +0.1,1,2 +0.1,2,0 +0.1,2,3 0.1,1,0 0.1,1,1 +0.1,1,0 0.1,0,1 +0.1,1,1 +0.1,2,1 +0.1,2,2 0.1,0,0 +0.1,0,1 0.1,1,0 -0.1,0,0 -0.1,2,1 +0.1,0,1 +0.1,3,4 +0.1,2,2 0.1,3,2 -0.1,3,3 -0.1,1,1 0.1,1,0 -0.1,2,2 -0.1,4,6 -0.1,0,1 -0.1,0,0 -0.1,0,0 +0.1,2,3 0.1,0,1 +0.1,2,2 0.1,1,4 0.1,0,0 -0.1,0,2 -0.1,1,1 -0.1,0,1 +0.1,0,0 0.1,1,1 0.1,0,0 -0.1,1,0 0.1,0,0 0.1,0,0 -0.1,0,1 -0.1,2,1 0.1,1,2 -0.1,1,0 -0.1,1,0 0.1,0,0 -0.1,3,4 -0.1,1,1 -0.1,0,2 -0.1,1,4 -0.1,0,1 +0.1,0,0 +0.1,1,2 +0.1,1,3 0.1,1,2 -0.1,3,1 0.1,0,0 -0.1,2,2 -0.1,2,2 -0.1,2,5 -0.1,2,1 -0.1,2,2 0.1,0,1 -0.1,2,3 +0.1,1,0 +0.1,1,1 +0.1,2,0 0.1,1,1 0.1,0,0 0.1,0,1 -0.1,2,0 +0.1,0,0 +0.1,2,1 0.1,2,3 -0.1,2,0 0.1,0,0 0.1,0,0 -0.1,2,3 -0.1,1,1 -0.1,1,1 -0.1,4,2 -0.1,1,4 -0.1,1,1 -0.1,2,3 -0.1,2,4 +0.1,2,5 +0.1,2,5 +0.1,3,2 0.1,1,0 +0.1,0,1 +0.1,1,2 0.1,2,1 -0.1,0,0 0.1,1,2 0.1,0,0 -0.1,1,1 -0.1,1,0 +0.1,0,0 0.1,1,2 +0.1,1,0 0.1,2,1 -0.1,2,4 -0.1,1,1 +0.1,2,2 +0.1,1,0 0.1,0,0 -0.1,2,0 0.1,0,0 +0.1,5,4 0.1,0,0 -0.1,3,2 +0.1,1,3 +0.1,1,1 +0.1,1,3 +0.1,4,3 0.1,1,2 +0.1,2,1 +0.1,1,1 0.1,2,3 -0.1,1,2 -0.1,2,2 -0.1,1,0 0.1,1,1 -0.1,0,1 -0.1,4,2 -0.1,2,2 -0.1,0,0 -0.1,0,1 +0.1,2,3 +0.1,1,2 0.1,0,0 0.1,2,4 0.1,0,0 -0.1,1,0 -0.1,2,2 +0.1,1,2 +0.1,2,1 0.1,0,0 +0.1,1,2 0.1,1,0 0.1,2,2 +0.1,0,1 0.1,1,1 0.1,0,0 0.1,1,0 -0.1,3,0 -0.1,0,0 -0.1,2,2 +0.1,1,0 +0.1,1,0 0.1,0,1 0.1,1,1 0.1,0,1 -0.1,1,1 -0.1,0,0 -0.1,2,3 0.1,0,0 -0.1,1,0 -0.1,3,1 0.1,0,0 0.1,0,0 -0.1,2,3 0.1,1,1 0.1,1,0 -0.1,0,0 +0.1,1,0 +0.1,2,0 0.1,0,1 -0.1,1,5 -0.1,1,1 0.1,1,2 0.1,0,0 -0.1,1,0 -0.1,2,1 0.1,0,0 +0.1,0,1 0.1,0,0 -0.1,3,5 -0.1,2,2 +0.1,1,0 +0.1,1,4 +0.1,1,2 0.1,0,0 +0.1,1,0 0.1,1,1 +0.1,1,1 +0.1,2,4 0.1,0,0 -0.1,2,1 -0.1,0,0 -0.1,5,6 +0.1,1,1 0.1,2,2 0.1,1,2 -0.1,1,2 -0.1,0,0 -0.1,0,0 +0.1,2,2 +0.1,2,2 +0.1,2,2 0.1,0,0 +0.1,2,1 +0.1,3,2 +0.1,1,3 +0.1,1,2 0.1,0,0 -0.1,2,3 +0.1,2,5 +0.1,2,0 +0.1,1,0 +0.1,1,0 0.1,0,0 +0.1,1,1 0.1,1,2 0.1,0,0 -0.1,3,4 0.1,1,1 0.1,0,0 +0.1,3,0 +0.1,3,4 0.1,1,0 0.1,0,0 -0.1,3,1 -0.1,3,1 -0.1,0,0 -0.1,0,0 -0.1,2,2 -0.1,2,2 0.1,1,1 +0.1,3,2 +0.1,0,1 +0.1,1,4 0.1,0,0 -0.1,0,0 +0.1,2,3 +0.1,2,1 +0.1,1,1 +0.1,2,1 0.1,1,0 0.1,1,0 -0.1,0,1 0.1,1,0 +0.1,2,1 0.1,0,0 -0.1,2,0 -0.1,0,0 -0.1,2,2 0.1,2,1 0.1,2,2 -0.1,0,0 -0.1,2,4 -0.1,0,0 -0.1,0,0 -0.1,0,0 -0.1,1,1 -0.1,0,0 0.1,1,0 -0.1,2,2 -0.1,1,2 +0.1,0,0 0.1,1,1 +0.1,2,1 0.1,1,1 0.1,1,2 -0.1,2,2 -0.1,0,0 0.1,1,0 -0.1,1,1 -0.1,1,3 -0.1,0,0 -0.1,1,2 +0.1,2,3 +0.1,1,0 0.1,1,0 +0.1,3,1 0.1,0,0 +0.1,1,0 0.1,1,2 -0.1,3,3 -0.1,0,0 -0.1,0,0 -0.1,0,0 +0.1,1,0 0.1,0,0 0.1,0,0 -0.1,0,1 +0.1,2,0 0.1,1,1 -0.1,0,1 -0.1,3,2 -0.1,0,0 0.1,1,3 +0.1,1,1 +0.1,1,4 0.1,0,0 0.1,1,2 0.1,1,2 -0.1,1,1 -0.1,0,0 +0.1,0,3 0.1,1,0 +0.1,3,4 +0.1,0,0 +0.1,3,6 +0.1,0,0 +0.1,2,1 +0.1,3,0 0.1,0,0 -0.1,1,1 -0.1,1,1 0.1,1,0 +0.1,2,5 0.1,1,1 -0.1,1,0 0.1,0,0 +0.1,2,4 +0.1,1,0 +0.1,0,1 +0.1,2,1 +0.1,2,1 0.1,0,0 0.1,0,0 -0.1,1,1 -0.1,1,2 -0.1,1,1 0.1,1,0 +0.1,2,0 +0.1,0,0 0.1,1,1 0.1,1,1 +0.1,2,2 0.1,0,0 0.1,2,0 0.1,1,1 -0.1,2,2 -0.1,1,1 -0.1,1,2 -0.1,3,5 0.1,1,1 -0.1,1,0 -0.1,3,3 -0.1,0,0 +0.1,2,0 0.1,0,0 -0.1,1,0 +0.1,0,2 0.1,0,0 +0.1,1,4 +0.1,2,0 0.1,1,1 -0.1,2,2 0.1,0,0 -0.1,1,1 -0.1,2,5 -0.1,0,1 -0.2,1,1 -0.2,2,0 +0.1,0,0 +0.1,0,0 +0.2,1,0 +0.2,3,3 +0.2,2,2 0.2,3,4 -0.2,0,0 -0.2,3,0 0.2,2,3 -0.2,2,2 -0.2,4,3 -0.2,1,2 -0.2,0,0 -0.2,1,2 +0.2,3,3 0.2,2,1 +0.2,1,3 +0.2,1,0 +0.2,1,0 +0.2,1,0 0.2,0,1 -0.2,2,3 -0.2,2,2 0.2,1,2 0.2,2,2 +0.2,4,3 +0.2,2,1 +0.2,0,1 +0.2,2,4 +0.2,4,5 +0.2,0,1 0.2,1,1 -0.2,3,5 -0.2,0,0 0.2,2,3 +0.2,3,4 +0.2,2,1 +0.2,5,4 +0.2,3,2 +0.2,0,0 +0.2,1,2 +0.2,1,0 +0.2,1,0 +0.2,3,2 +0.2,1,0 0.2,2,2 0.2,0,0 -0.2,2,1 -0.2,2,0 -0.2,2,0 +0.2,1,0 +0.2,1,0 0.2,5,5 -0.2,0,0 +0.2,2,6 +0.2,1,0 +0.2,3,4 +0.2,3,1 0.2,1,1 0.2,3,4 -0.2,3,6 +0.2,1,1 +0.2,3,3 +0.2,2,0 0.2,0,0 -0.2,2,2 -0.2,1,0 -0.2,1,0 0.2,4,3 -0.2,1,2 -0.2,2,2 -0.2,3,5 -0.2,1,0 +0.2,3,3 0.2,1,1 -0.2,3,7 +0.2,4,8 +0.2,3,5 0.2,2,4 +0.2,1,2 +0.2,1,1 +0.2,2,0 0.2,2,3 -0.2,2,2 -0.2,1,0 -0.2,0,1 -0.2,2,3 -0.2,2,1 +0.2,1,1 +0.2,4,5 +0.2,3,6 0.2,0,0 +0.2,2,1 +0.2,5,3 0.2,3,2 0.2,0,0 +0.2,0,0 +0.2,2,1 +0.2,4,4 0.2,1,2 0.2,0,0 -0.2,2,3 -0.2,1,0 -0.2,4,5 -0.2,1,1 -0.2,5,2 +0.2,4,4 +0.2,4,4 0.2,3,4 -0.2,0,2 0.2,0,0 -0.2,0,1 +0.2,1,1 +0.2,3,1 +0.2,1,2 +0.2,4,3 +0.2,2,2 +0.2,4,1 0.2,2,1 0.2,1,1 -0.2,5,7 -0.2,3,5 -0.2,0,0 -0.2,2,3 -0.2,0,0 +0.2,1,0 +0.2,3,1 +0.2,0,1 +0.2,3,2 0.2,2,3 -0.2,0,0 -0.2,1,1 +0.2,2,1 0.2,1,3 +0.2,4,6 +0.2,0,1 +0.2,2,1 0.2,0,0 -0.2,2,0 +0.2,3,2 +0.2,0,0 +0.2,3,2 +0.2,3,3 +0.2,2,1 +0.2,2,2 +0.2,1,0 +0.2,3,3 0.2,3,1 +0.2,3,2 +0.2,1,2 0.2,3,1 -0.2,1,1 +0.2,2,1 +0.2,2,4 +0.2,1,2 0.2,1,0 -0.2,0,0 0.2,2,1 -0.2,2,2 +0.2,2,1 +0.2,0,1 +0.2,2,1 +0.2,1,0 +0.2,1,3 +0.2,2,0 0.2,0,0 0.2,1,1 0.2,0,0 -0.2,5,4 -0.2,2,1 +0.2,3,5 0.2,2,1 +0.2,4,4 0.2,2,2 -0.2,3,3 0.2,1,3 -0.2,3,4 -0.2,2,3 -0.2,2,0 0.2,1,1 -0.2,5,7 -0.2,5,1 -0.2,0,0 -0.2,4,5 -0.2,2,0 +0.2,2,2 +0.2,2,5 0.2,1,2 +0.2,1,0 +0.2,3,3 0.2,0,1 -0.2,5,4 -0.2,1,2 +0.2,1,0 0.2,2,1 -0.2,1,2 0.2,2,1 +0.2,0,0 0.2,1,1 -0.2,3,2 0.2,1,1 -0.2,7,4 +0.2,5,5 +0.2,3,5 0.2,2,3 -0.2,3,2 -0.2,4,4 +0.2,0,0 +0.2,1,0 +0.2,0,2 +0.2,3,4 0.2,2,1 -0.2,0,1 -0.2,1,1 -0.2,1,1 -0.2,1,2 -0.2,2,3 -0.2,3,3 -0.2,2,2 +0.2,0,0 0.2,2,2 -0.2,3,0 0.2,1,1 -0.2,0,0 -0.2,2,4 -0.2,2,1 -0.2,1,3 -0.2,2,1 0.2,2,3 -0.2,2,2 -0.2,3,0 -0.2,1,2 +0.2,1,3 +0.2,3,7 0.2,0,0 -0.2,3,0 +0.2,1,1 0.2,1,0 -0.2,2,2 -0.2,1,2 -0.2,4,5 +0.2,5,3 +0.2,4,3 +0.2,4,3 +0.2,0,0 +0.2,0,0 +0.2,0,0 +0.2,1,1 +0.2,6,1 +0.2,1,3 +0.2,2,3 +0.2,2,3 +0.2,7,5 0.2,1,0 -0.2,2,1 -0.2,1,4 -0.2,2,2 +0.2,3,2 +0.2,1,0 +0.2,3,3 0.2,1,0 -0.2,1,3 -0.2,2,2 -0.2,1,1 -0.2,1,2 -0.2,0,1 -0.2,1,2 -0.2,2,1 0.2,0,0 -0.2,1,2 -0.2,1,3 +0.2,3,5 +0.2,3,0 +0.2,4,4 0.2,2,1 -0.2,0,0 -0.2,2,2 -0.2,1,1 +0.2,2,1 +0.2,3,4 +0.2,3,6 0.2,0,0 0.2,3,3 -0.2,2,1 -0.2,1,3 -0.2,1,1 0.2,2,0 -0.2,2,4 -0.2,3,4 0.2,3,3 0.2,0,1 -0.2,5,3 -0.2,2,4 -0.2,0,1 +0.2,3,3 0.2,4,5 -0.2,4,2 -0.2,1,0 -0.2,1,3 -0.2,3,7 +0.2,1,1 +0.2,1,1 +0.2,2,3 0.2,3,3 -0.2,1,2 0.2,0,0 0.2,3,2 -0.2,2,0 -0.2,1,2 -0.2,1,3 -0.2,2,4 -0.2,2,3 -0.2,4,7 0.2,2,1 -0.2,1,0 -0.2,4,6 -0.2,1,0 0.2,1,2 -0.2,3,5 -0.2,2,2 -0.2,0,1 -0.2,1,1 -0.2,3,1 -0.2,4,2 -0.2,5,2 -0.2,3,2 0.2,0,1 -0.2,3,3 0.2,4,1 +0.2,3,3 +0.2,3,0 +0.2,0,0 0.2,1,0 -0.2,4,2 0.2,0,0 +0.2,1,1 +0.2,5,2 0.2,1,0 -0.2,2,3 -0.2,2,2 0.2,1,1 -0.2,3,3 0.2,0,0 +0.2,1,1 0.2,1,0 -0.2,3,4 -0.2,3,4 -0.2,4,6 -0.2,1,0 -0.2,3,1 -0.2,4,3 -0.2,2,2 -0.2,3,1 -0.2,1,0 -0.2,5,8 0.2,0,0 -0.2,4,3 0.2,1,0 -0.2,3,6 -0.2,2,2 -0.2,2,1 -0.2,2,0 -0.2,1,1 -0.2,6,7 -0.2,2,2 -0.2,2,4 -0.2,2,4 -0.2,1,1 +0.2,0,0 0.2,1,0 -0.2,2,4 -0.2,2,1 -0.2,4,2 +0.2,0,1 +0.2,1,2 +0.2,1,2 +0.2,4,1 +0.2,4,5 0.2,1,1 -0.2,2,0 0.2,1,0 -0.2,1,0 -0.2,2,1 0.2,1,2 -0.2,3,3 +0.2,3,2 0.2,2,2 -0.2,1,0 +0.2,0,2 0.2,2,1 -0.2,1,0 -0.2,1,1 +0.2,0,0 +0.2,0,1 0.2,2,0 0.2,3,4 -0.2,4,2 -0.2,1,1 -0.2,3,4 -0.2,3,1 -0.2,2,0 -0.2,0,0 0.2,2,3 -0.2,1,0 -0.2,1,0 -0.2,1,1 -0.2,1,0 -0.2,2,4 -0.2,0,1 -0.2,0,1 0.2,3,1 -0.2,3,2 -0.2,0,0 -0.2,2,1 0.2,2,1 -0.2,2,3 -0.2,1,3 -0.2,0,1 -0.2,3,4 -0.2,2,0 -0.2,2,0 0.2,3,1 0.2,1,0 -0.2,1,0 -0.2,0,0 -0.2,6,7 0.2,1,1 -0.2,2,3 -0.2,1,2 -0.2,2,2 -0.2,2,3 +0.2,2,1 +0.2,2,0 +0.2,3,3 +0.2,3,4 0.2,1,2 -0.2,2,4 -0.2,0,0 0.2,0,0 +0.2,1,0 +0.2,2,2 0.2,0,0 0.2,0,0 -0.2,3,1 0.2,0,0 -0.2,6,3 -0.2,2,2 -0.2,2,2 -0.2,2,0 -0.2,2,3 -0.2,0,1 -0.2,1,0 -0.2,1,0 -0.2,2,1 +0.2,1,2 0.2,1,1 0.2,1,0 -0.2,2,1 0.2,4,6 -0.2,2,5 -0.2,2,0 -0.2,1,0 -0.2,2,1 -0.2,1,1 -0.2,4,2 -0.2,3,2 +0.2,3,4 +0.2,0,0 +0.2,3,3 +0.2,2,3 +0.2,1,2 +0.2,2,2 +0.2,3,5 0.2,4,2 0.2,1,2 +0.2,0,3 0.2,3,2 -0.2,1,0 0.2,2,1 +0.2,1,1 +0.2,3,4 +0.2,5,4 0.2,2,2 -0.2,1,2 -0.2,6,5 -0.2,3,6 -0.2,1,2 -0.2,1,3 -0.2,4,6 -0.2,0,2 -0.2,0,0 0.2,1,0 -0.2,3,1 +0.2,2,2 0.2,1,0 -0.2,6,5 -0.2,2,0 0.2,1,2 -0.2,2,2 -0.2,2,2 +0.2,1,1 0.2,3,2 -0.2,3,1 0.2,1,0 -0.2,3,2 -0.2,3,4 0.2,2,2 +0.2,4,6 0.2,2,2 -0.2,1,2 -0.2,1,0 -0.2,0,0 0.2,2,4 -0.2,3,1 -0.2,2,1 -0.2,2,1 -0.2,1,1 -0.2,2,2 -0.2,2,0 -0.2,0,1 +0.2,3,2 +0.2,3,4 0.2,2,0 +0.2,3,0 +0.2,0,0 0.2,1,2 +0.2,1,0 +0.2,2,7 +0.2,2,2 +0.2,0,0 0.2,2,3 -0.2,3,1 -0.2,3,3 -0.2,0,1 0.2,0,0 +0.2,1,2 +0.2,1,1 0.2,3,1 -0.2,0,0 -0.2,5,2 +0.2,1,2 +0.2,5,5 0.2,3,3 0.2,1,0 0.2,1,0 -0.2,0,1 +0.2,3,2 +0.2,0,0 +0.2,0,0 +0.2,2,1 +0.2,1,2 +0.2,4,2 +0.2,3,4 0.2,1,1 +0.2,2,1 +0.2,4,4 0.2,2,2 +0.2,4,6 +0.2,3,2 0.2,2,2 +0.2,1,0 +0.2,1,3 0.2,0,0 -0.2,1,1 -0.2,3,2 -0.2,3,3 -0.2,3,4 -0.2,3,1 -0.2,2,1 -0.2,2,1 -0.2,3,1 -0.2,3,2 -0.2,0,0 -0.2,1,0 -0.2,1,1 -0.2,2,3 0.2,1,0 +0.2,2,0 +0.2,4,1 +0.2,0,1 +0.2,1,4 0.2,1,2 +0.2,0,0 +0.2,0,0 +0.2,2,2 +0.2,3,3 0.2,1,1 -0.2,2,1 -0.2,3,6 -0.2,4,2 0.2,4,3 +0.2,0,0 +0.2,0,0 +0.2,1,3 +0.2,1,1 +0.2,1,2 +0.2,0,0 +0.2,1,1 0.2,1,0 +0.2,0,2 0.2,1,1 0.2,1,1 -0.2,3,3 -0.2,0,0 -0.2,3,3 +0.2,2,3 0.2,0,0 -0.2,2,5 +0.2,2,2 +0.2,1,0 +0.2,3,4 0.2,1,1 +0.2,0,3 +0.2,1,0 +0.2,1,0 +0.2,3,2 0.2,2,2 -0.2,2,3 -0.2,2,3 -0.2,5,6 -0.2,2,0 +0.2,1,1 +0.2,2,5 0.2,3,4 +0.2,1,0 0.2,1,1 -0.2,1,2 +0.2,0,0 0.2,2,2 +0.2,3,6 +0.2,3,0 +0.2,3,6 +0.2,2,3 +0.2,0,0 0.2,0,0 +0.2,2,4 +0.2,3,2 +0.2,3,0 +0.2,1,0 +0.2,4,9 0.2,1,0 +0.2,2,2 0.2,1,2 -0.2,0,0 -0.2,3,4 -0.2,3,4 -0.2,0,1 -0.2,2,5 -0.2,2,1 +0.2,2,3 +0.2,4,2 +0.2,1,1 0.2,0,0 0.2,1,1 -0.2,3,4 -0.2,2,3 +0.2,4,5 +0.2,2,4 +0.2,0,0 +0.2,3,3 0.2,1,1 +0.2,0,1 +0.2,0,0 +0.2,0,0 +0.2,4,4 +0.2,3,7 +0.2,0,0 +0.2,2,2 +0.2,5,2 0.2,1,2 -0.2,3,5 +0.2,1,0 0.2,2,2 -0.2,2,1 +0.2,2,0 +0.2,4,6 +0.2,2,3 0.2,0,0 -0.2,2,1 -0.2,0,2 +0.2,0,1 +0.2,2,5 +0.2,3,5 0.2,1,0 +0.2,1,1 +0.2,5,9 0.2,2,1 +0.2,1,5 +0.2,1,1 0.2,1,1 0.2,1,0 -0.2,1,3 -0.2,1,2 -0.2,3,6 -0.2,3,1 -0.2,3,0 0.2,3,2 -0.2,1,2 +0.2,3,1 +0.2,2,4 +0.2,2,0 +0.2,1,3 +0.2,3,4 +0.2,1,0 +0.2,0,0 0.2,0,0 -0.2,4,4 -0.2,2,2 0.2,2,1 -0.2,4,2 +0.2,2,2 +0.2,0,1 +0.2,0,0 0.2,3,6 -0.2,1,2 -0.2,3,2 -0.2,2,1 +0.2,2,4 +0.2,2,0 +0.2,2,3 +0.2,2,0 +0.2,2,2 +0.2,3,6 +0.2,1,0 +0.2,2,2 +0.2,4,1 +0.2,0,2 0.2,0,0 +0.2,1,3 0.2,3,1 -0.2,1,0 0.2,3,1 -0.2,1,1 0.2,1,0 +0.2,1,0 +0.2,0,2 +0.2,3,3 +0.2,1,0 +0.2,5,3 +0.2,1,1 +0.2,1,1 +0.2,5,2 +0.2,0,1 +0.2,3,3 0.2,2,2 0.2,3,2 -0.2,2,2 -0.2,1,0 +0.2,4,2 0.2,0,0 -0.2,0,1 +0.2,2,3 +0.2,3,1 +0.2,1,3 +0.2,3,1 0.2,2,0 -0.2,6,6 -0.2,3,2 +0.2,0,1 0.2,3,3 +0.2,4,2 +0.2,4,2 +0.2,1,2 +0.2,0,0 +0.2,2,1 +0.2,3,5 +0.2,1,0 +0.2,3,2 +0.2,3,2 0.2,1,1 -0.2,4,1 +0.2,2,2 +0.2,1,3 0.2,0,0 +0.2,0,1 0.2,0,0 +0.2,1,0 0.2,1,2 -0.2,4,2 -0.2,1,1 -0.2,2,1 -0.2,2,1 +0.2,3,4 +0.2,1,0 0.2,1,0 -0.2,2,0 -0.2,3,3 -0.2,5,3 0.2,0,0 -0.2,2,4 -0.2,3,3 +0.2,1,0 +0.2,4,1 +0.2,2,1 +0.2,1,2 0.2,0,0 -0.2,2,2 0.2,1,0 +0.2,3,1 +0.2,2,2 0.2,1,1 -0.2,2,1 -0.2,1,3 -0.2,5,1 -0.2,2,1 -0.2,5,5 +0.2,1,1 +0.2,0,2 +0.2,6,1 0.2,0,0 0.2,2,2 +0.2,1,1 0.2,2,1 -0.2,2,5 -0.2,4,3 +0.2,2,2 +0.2,1,1 +0.2,3,5 0.2,2,3 -0.2,3,3 +0.2,1,1 +0.2,5,2 +0.2,1,0 0.2,3,2 -0.2,2,3 0.2,3,3 0.2,1,1 +0.2,3,5 +0.2,2,4 +0.2,1,2 0.2,1,0 -0.2,3,6 -0.2,2,1 +0.2,4,3 +0.2,3,4 0.2,1,0 0.2,2,1 -0.2,1,3 -0.2,4,2 -0.2,0,0 +0.2,3,4 0.2,3,3 -0.2,1,2 -0.2,1,0 -0.2,4,6 -0.2,1,1 +0.2,2,3 0.2,1,1 0.2,2,2 -0.2,0,0 -0.2,0,1 -0.2,2,4 +0.2,1,1 +0.2,1,1 +0.2,1,1 +0.2,3,2 +0.2,3,3 0.2,1,2 0.2,4,3 -0.2,1,1 0.2,2,3 0.2,0,0 0.2,2,4 +0.2,3,3 +0.2,2,1 +0.2,2,3 +0.2,1,0 +0.2,0,0 +0.2,0,0 +0.2,1,1 +0.2,6,1 0.2,1,0 -0.2,4,2 0.2,2,2 0.2,3,2 -0.2,2,1 -0.2,2,1 -0.2,1,3 -0.2,0,1 -0.2,5,1 0.2,1,2 -0.2,4,1 +0.2,0,0 +0.2,4,2 +0.2,3,4 0.2,1,1 -0.2,3,0 -0.2,2,1 -0.2,2,4 0.2,1,0 +0.2,1,1 +0.2,0,1 +0.2,0,0 +0.2,2,2 0.2,0,0 -0.2,2,1 -0.2,3,1 -0.2,5,2 -0.2,1,2 -0.2,1,2 0.2,1,0 -0.2,1,2 -0.2,0,1 -0.2,0,1 -0.2,1,0 -0.2,3,4 0.2,2,2 +0.2,1,0 +0.2,1,2 +0.2,2,3 +0.2,1,1 +0.2,2,3 +0.2,2,1 +0.2,3,7 +0.2,2,1 +0.2,1,1 +0.2,4,3 +0.2,1,1 0.2,4,4 +0.2,1,1 +0.2,3,2 0.2,2,0 +0.2,3,6 +0.2,1,0 0.2,2,3 -0.2,2,0 -0.2,0,0 -0.2,0,1 +0.2,1,2 +0.2,2,1 +0.2,4,4 +0.2,1,0 +0.2,2,1 +0.2,6,7 0.2,1,0 -0.2,2,2 -0.2,0,0 0.2,4,1 -0.2,1,1 0.2,0,0 -0.2,2,4 -0.2,4,5 -0.2,0,1 +0.2,3,2 +0.2,1,1 +0.2,2,0 +0.2,1,0 +0.2,2,3 +0.2,1,0 0.2,1,1 +0.2,7,3 +0.2,4,7 +0.2,2,0 0.2,2,3 +0.2,1,2 +0.2,1,1 +0.2,1,0 +0.2,4,5 +0.2,7,7 +0.2,2,1 +0.2,4,5 +0.2,3,3 +0.2,4,3 +0.2,1,1 +0.2,4,2 +0.2,4,3 +0.2,3,2 +0.2,0,0 0.2,3,4 -0.2,3,0 -0.2,3,1 -0.2,5,9 -0.2,2,2 0.2,3,4 0.2,2,2 +0.2,2,1 +0.2,0,1 +0.2,4,1 +0.2,2,1 0.2,1,0 -0.2,0,0 -0.2,2,2 +0.2,1,2 +0.2,2,1 0.2,0,1 +0.2,2,2 +0.2,2,3 +0.2,0,0 +0.2,1,2 +0.2,1,2 +0.2,2,3 +0.2,5,10 0.2,1,1 +0.2,0,0 +0.2,4,5 0.2,3,1 -0.2,3,0 -0.2,2,3 -0.2,6,3 -0.2,3,3 -0.2,2,2 0.2,1,1 +0.2,2,5 +0.2,5,1 0.2,2,2 +0.2,2,1 0.2,3,1 0.2,2,3 -0.2,5,3 -0.2,3,3 -0.2,0,0 -0.2,4,9 -0.2,1,2 -0.2,0,0 +0.2,2,1 +0.2,3,1 +0.2,3,6 +0.2,3,0 +0.2,2,2 0.2,1,1 -0.2,3,4 +0.2,2,0 +0.2,4,5 0.2,1,2 +0.2,1,1 +0.2,3,2 0.2,2,2 -0.2,1,0 -0.2,0,0 +0.2,3,3 +0.2,2,0 0.2,3,5 -0.2,0,0 -0.2,2,3 +0.2,2,1 0.2,1,1 +0.2,5,3 +0.2,2,3 0.2,3,4 -0.2,1,0 -0.2,1,2 +0.2,2,3 +0.2,1,4 0.2,1,1 0.2,1,1 -0.2,0,1 -0.2,4,5 -0.2,5,5 -0.2,2,0 -0.2,0,0 +0.2,4,2 0.2,0,0 -0.2,3,6 +0.2,2,2 +0.2,3,1 +0.2,0,1 +0.2,1,0 0.2,0,0 -0.2,4,3 -0.2,2,4 +0.2,2,1 +0.2,1,2 0.2,1,1 -0.2,1,0 -0.2,3,2 -0.2,4,4 0.2,1,2 -0.2,2,3 -0.2,2,3 +0.2,1,1 0.2,0,0 -0.2,2,0 +0.2,2,2 +0.2,4,6 +0.2,0,0 +0.2,2,1 +0.2,0,1 0.2,1,1 +0.2,3,3 0.2,1,0 -0.2,1,0 -0.2,0,2 +0.2,0,0 0.2,2,0 -0.2,1,0 +0.2,2,2 +0.2,0,0 +0.2,2,1 0.2,1,2 -0.2,1,1 0.2,1,0 0.2,1,0 -0.2,2,3 -0.2,1,0 -0.2,2,1 -0.2,0,1 -0.2,1,1 +0.2,6,5 +0.2,5,2 0.2,1,1 +0.2,3,0 +0.2,3,3 +0.2,2,0 0.2,1,1 0.2,2,2 -0.2,2,0 -0.2,0,0 -0.2,1,3 -0.2,2,3 -0.2,2,1 +0.2,1,1 +0.2,1,2 0.2,3,3 0.2,1,0 +0.2,3,4 +0.2,2,1 +0.2,2,3 0.2,1,1 +0.2,0,1 +0.2,2,3 +0.2,1,0 0.2,1,1 0.2,2,1 -0.2,1,0 -0.2,5,3 -0.2,1,3 0.2,2,1 0.2,1,0 -0.2,0,0 -0.2,1,3 -0.2,1,0 -0.2,5,4 -0.2,0,0 -0.2,0,0 -0.2,1,0 -0.2,1,1 +0.2,2,4 +0.2,2,1 +0.2,3,1 0.2,1,2 -0.2,0,0 -0.2,3,5 +0.2,2,1 0.2,1,1 +0.2,5,7 +0.2,1,1 +0.2,4,2 +0.2,1,0 0.2,2,1 -0.2,0,0 0.2,1,0 -0.2,3,2 0.2,2,2 -0.2,2,0 0.2,1,1 -0.2,0,0 -0.2,5,12 +0.2,2,1 +0.2,2,1 +0.2,4,4 +0.2,3,1 +0.2,4,6 0.2,1,1 +0.2,2,1 +0.2,1,2 0.2,2,2 -0.2,3,2 -0.2,2,0 -0.2,0,0 0.2,1,2 +0.2,3,2 0.2,1,1 -0.2,2,1 -0.2,0,1 +0.2,5,6 +0.2,2,2 +0.2,2,4 0.2,3,1 -0.2,1,2 +0.2,2,1 +0.2,2,1 +0.2,2,1 +0.2,3,5 +0.2,3,3 +0.2,1,1 0.2,2,2 0.2,0,0 -0.2,2,0 -0.2,0,0 +0.2,3,0 +0.2,4,2 +0.2,0,1 +0.2,3,2 0.2,0,0 +0.2,1,0 0.2,3,3 0.2,0,0 -0.2,3,5 -0.2,1,1 -0.2,3,0 -0.2,2,4 -0.2,2,2 +0.2,0,0 +0.2,0,0 +0.2,3,2 +0.2,6,4 0.2,2,1 +0.2,0,0 0.2,2,2 -0.2,3,2 -0.2,1,2 0.2,0,0 +0.2,0,1 +0.2,0,0 +0.2,0,0 +0.2,2,0 +0.2,5,3 +0.2,5,3 0.2,1,0 -0.2,3,2 -0.2,3,2 -0.2,6,10 -0.2,1,1 -0.2,3,0 -0.2,2,3 +0.2,2,1 0.2,1,2 -0.2,3,2 -0.2,3,3 -0.2,1,0 0.2,0,0 -0.2,3,3 -0.2,6,5 +0.2,2,0 +0.2,1,1 0.2,1,0 0.2,3,4 -0.2,4,1 -0.2,4,5 -0.2,5,1 -0.2,1,1 -0.2,1,1 -0.2,1,4 -0.2,3,3 -0.2,1,1 -0.2,2,3 -0.2,4,2 -0.2,1,2 -0.2,0,0 +0.2,0,2 +0.2,3,4 0.2,1,1 0.2,1,0 -0.2,0,0 -0.2,2,4 -0.2,1,1 -0.2,3,1 -0.2,2,4 +0.2,1,0 +0.2,4,4 0.2,3,4 -0.2,1,3 0.2,1,0 -0.2,0,0 +0.2,1,0 +0.2,2,3 +0.2,1,1 +0.2,2,1 0.2,3,1 -0.2,4,1 -0.2,1,2 0.2,2,2 0.2,0,0 -0.2,2,5 0.2,0,0 0.2,1,1 0.2,0,0 -0.2,5,5 -0.2,2,2 -0.2,2,4 -0.2,0,0 -0.2,2,1 0.2,0,0 -0.2,4,6 -0.2,3,3 0.2,1,1 -0.2,1,2 0.2,1,0 -0.2,2,1 -0.2,2,2 -0.2,1,1 -0.2,2,2 -0.2,3,0 -0.2,3,3 0.2,2,0 -0.2,3,3 -0.2,4,2 -0.2,2,1 -0.2,3,3 -0.2,0,0 0.2,1,0 +0.2,0,1 0.2,2,1 -0.2,2,1 -0.2,6,7 +0.2,2,4 +0.2,2,2 0.2,2,0 -0.2,1,3 -0.2,1,1 -0.2,0,0 -0.2,2,1 -0.2,2,5 -0.2,4,2 -0.2,1,3 -0.2,3,2 -0.2,2,3 -0.2,3,2 0.2,1,2 -0.2,2,4 0.2,2,2 0.2,0,0 0.2,1,1 -0.2,4,2 +0.2,4,5 0.2,0,0 -0.2,2,0 -0.2,2,1 -0.2,1,0 +0.2,2,2 0.2,1,1 -0.2,3,1 -0.2,4,4 -0.2,0,0 0.2,0,1 +0.2,2,2 0.2,3,5 -0.2,3,1 -0.2,0,0 -0.2,3,2 -0.2,2,1 +0.2,0,2 0.2,1,1 -0.2,1,3 -0.2,2,1 -0.2,3,1 -0.2,0,0 -0.2,2,3 -0.2,1,0 -0.2,0,0 +0.2,1,2 +0.2,3,2 0.2,1,0 -0.2,1,1 0.2,1,0 -0.2,0,1 0.2,2,2 0.2,1,0 -0.2,1,2 -0.2,1,0 -0.2,0,0 +0.2,4,3 0.2,1,1 +0.2,3,5 +0.2,2,2 +0.2,2,0 +0.2,2,2 +0.2,3,2 +0.2,3,0 +0.2,1,0 0.2,0,0 +0.2,2,3 +0.2,4,7 0.2,2,2 +0.2,5,4 +0.2,2,3 +0.2,5,3 +0.2,1,2 +0.2,2,1 0.2,2,4 -0.2,3,1 +0.2,2,1 +0.2,2,1 0.2,1,3 -0.2,4,5 -0.2,1,0 -0.2,5,3 -0.2,3,6 +0.2,3,0 +0.2,2,0 +0.2,1,5 0.2,3,2 -0.2,2,3 +0.2,0,0 +0.2,0,0 +0.2,2,2 +0.2,3,2 +0.2,0,0 +0.2,1,1 +0.2,1,2 +0.2,2,2 0.2,3,2 -0.2,4,5 0.2,1,0 -0.2,2,3 -0.2,2,0 0.2,2,1 -0.2,3,1 +0.2,4,3 0.2,0,1 -0.2,3,2 -0.2,1,7 0.2,4,4 -0.2,2,2 -0.2,0,1 -0.2,2,2 -0.2,1,1 -0.2,1,1 +0.2,2,0 +0.2,1,0 +0.2,4,5 +0.2,1,0 0.2,1,1 +0.2,0,1 +0.2,4,1 +0.2,0,1 0.2,2,2 +0.2,3,8 0.2,2,2 +0.2,0,0 0.2,1,1 -0.2,1,0 +0.2,3,4 0.2,2,3 +0.2,4,2 +0.2,0,1 +0.2,1,2 0.2,1,0 -0.2,3,5 -0.2,3,7 0.2,3,4 -0.2,2,1 -0.2,2,1 -0.2,3,1 +0.2,5,5 0.2,3,3 +0.2,4,6 +0.2,1,1 +0.2,2,4 +0.2,4,2 +0.2,2,2 +0.2,2,2 +0.2,0,1 +0.2,0,0 +0.2,2,1 0.2,3,2 +0.2,1,1 +0.2,3,1 0.2,1,0 -0.2,4,8 -0.2,2,2 -0.2,3,4 +0.2,2,3 +0.2,1,3 +0.2,4,3 +0.2,3,1 0.2,3,5 +0.2,4,5 0.2,2,2 -0.2,3,3 -0.2,3,2 0.2,1,2 -0.2,1,0 +0.2,3,2 +0.2,1,1 0.2,1,1 -0.2,3,3 -0.2,0,0 -0.2,3,4 0.2,0,0 -0.2,3,2 -0.2,1,0 0.2,1,1 +0.2,4,4 +0.2,1,2 +0.2,1,1 +0.2,1,1 +0.2,1,2 +0.2,5,7 +0.2,1,2 +0.2,3,4 +0.2,2,2 +0.2,2,0 0.2,1,1 +0.2,3,7 +0.2,1,0 +0.2,2,2 +0.2,3,4 0.2,0,0 +0.2,1,2 +0.2,1,1 0.2,2,3 -0.2,3,2 0.2,3,1 -0.2,1,0 -0.2,1,3 -0.2,3,3 +0.2,5,3 0.2,2,1 0.2,1,0 -0.2,3,2 -0.2,1,0 +0.2,1,4 0.2,1,0 0.2,2,2 -0.2,3,6 +0.2,4,2 0.2,1,2 -0.2,0,0 -0.2,2,4 -0.2,3,3 +0.2,4,3 +0.2,0,2 0.2,2,1 -0.2,1,0 -0.2,2,3 -0.2,1,0 -0.2,3,5 -0.2,5,2 -0.2,4,6 -0.2,2,2 -0.2,1,0 -0.2,4,0 -0.2,1,0 +0.2,3,4 0.2,1,1 -0.2,1,2 -0.2,2,2 +0.2,2,1 +0.2,1,0 0.2,3,2 -0.2,2,2 -0.2,2,2 -0.2,2,0 0.2,1,1 -0.2,2,4 -0.2,1,4 -0.2,1,0 -0.2,2,2 +0.2,0,2 +0.2,2,1 0.2,1,1 -0.2,0,0 -0.2,1,3 -0.2,5,2 -0.2,2,4 0.2,2,5 +0.2,2,0 +0.2,3,2 0.2,3,2 -0.2,4,4 -0.2,4,2 -0.2,4,3 -0.2,2,3 0.2,0,0 -0.2,4,3 +0.2,1,0 +0.2,0,1 +0.2,1,2 +0.2,0,0 +0.2,2,2 0.2,2,1 -0.2,3,2 -0.2,3,6 -0.2,3,2 -0.2,1,1 -0.2,1,1 -0.2,5,1 +0.2,2,2 +0.2,5,3 +0.2,0,3 +0.2,4,5 +0.2,1,2 0.2,2,1 -0.2,0,0 -0.2,3,3 -0.2,1,0 -0.2,2,4 -0.2,0,0 -0.2,3,5 -0.2,3,3 -0.2,1,0 -0.2,3,2 -0.2,1,1 -0.2,2,4 -0.2,1,1 0.2,1,0 -0.2,2,4 -0.2,4,8 +0.2,2,0 +0.2,1,3 +0.2,3,4 +0.2,2,1 0.2,2,3 -0.2,1,0 +0.2,4,5 +0.2,2,0 0.2,2,2 -0.2,2,1 +0.2,2,3 +0.2,1,2 +0.2,3,4 +0.2,5,5 +0.2,0,1 +0.2,3,2 +0.2,3,0 +0.2,3,2 0.2,0,0 -0.2,2,4 +0.2,3,1 0.2,2,1 +0.2,4,7 +0.2,2,5 0.2,0,0 0.2,0,0 -0.2,1,2 -0.2,1,0 -0.2,2,3 -0.2,1,0 +0.2,2,1 +0.2,1,1 +0.2,3,0 +0.2,1,1 +0.2,2,0 +0.2,1,1 0.2,2,2 -0.2,0,0 0.2,1,1 0.2,1,0 +0.2,2,2 +0.2,2,2 +0.3,3,3 +0.3,1,0 +0.3,4,1 +0.3,1,3 +0.3,1,0 +0.3,3,3 +0.3,5,8 +0.3,3,3 +0.3,3,2 0.3,1,2 -0.3,4,3 -0.3,2,2 +0.3,6,7 +0.3,1,0 +0.3,3,0 +0.3,0,0 +0.3,0,0 +0.3,3,0 0.3,5,4 -0.3,1,3 +0.3,4,0 +0.3,4,5 0.3,4,3 -0.3,4,1 -0.3,5,4 0.3,0,0 +0.3,5,5 +0.3,3,2 +0.3,4,4 +0.3,1,3 +0.3,1,1 +0.3,0,0 +0.3,4,8 +0.3,1,2 +0.3,3,1 +0.3,4,2 +0.3,1,4 +0.3,3,6 +0.3,3,3 +0.3,1,2 +0.3,0,0 +0.3,3,2 +0.3,5,4 +0.3,4,2 +0.3,1,0 0.3,0,0 0.3,1,0 -0.3,7,8 -0.3,3,0 0.3,3,3 +0.3,4,5 0.3,2,1 +0.3,4,8 +0.3,4,3 +0.3,4,3 +0.3,0,0 0.3,5,6 +0.3,1,2 +0.3,2,2 +0.3,2,2 +0.3,4,5 +0.3,1,0 +0.3,2,1 +0.3,2,0 0.3,1,1 -0.3,3,7 -0.3,0,0 -0.3,8,8 +0.3,2,2 0.3,3,4 -0.3,5,6 -0.3,2,4 +0.3,7,10 +0.3,3,4 +0.3,0,1 +0.3,6,6 +0.3,1,2 +0.3,0,2 0.3,2,3 +0.3,2,2 +0.3,2,6 +0.3,3,0 +0.3,5,5 +0.3,2,4 +0.3,1,2 +0.3,2,2 +0.3,2,0 +0.3,3,2 +0.3,1,2 +0.3,1,1 +0.3,5,2 +0.3,3,4 +0.3,4,2 +0.3,5,7 +0.3,3,3 +0.3,0,0 +0.3,3,3 0.3,1,1 -0.3,1,0 0.3,4,3 0.3,2,1 -0.3,2,2 -0.3,0,0 -0.3,6,5 -0.3,1,0 -0.3,4,5 +0.3,1,1 +0.3,4,2 +0.3,3,2 +0.3,5,4 +0.3,2,1 0.3,4,5 -0.3,0,0 -0.3,0,0 +0.3,3,2 0.3,2,2 +0.3,0,0 +0.3,4,4 0.3,3,3 +0.3,2,1 0.3,0,0 +0.3,2,3 0.3,4,4 +0.3,3,2 +0.3,2,2 +0.3,1,1 +0.3,4,7 +0.3,3,2 +0.3,3,1 +0.3,2,1 0.3,4,4 0.3,2,3 +0.3,0,2 +0.3,0,0 +0.3,1,2 0.3,2,3 0.3,3,4 -0.3,2,0 -0.3,1,1 +0.3,2,1 +0.3,6,4 +0.3,0,0 0.3,3,2 +0.3,3,3 +0.3,7,8 0.3,2,1 +0.3,3,3 +0.3,1,3 +0.3,3,1 0.3,1,1 -0.3,4,5 -0.3,3,2 +0.3,3,3 +0.3,3,1 +0.3,2,2 +0.3,1,1 +0.3,4,4 0.3,4,4 +0.3,3,4 +0.3,3,2 +0.3,1,5 +0.3,9,12 +0.3,3,2 +0.3,2,5 +0.3,7,5 +0.3,4,1 +0.3,2,1 +0.3,2,3 +0.3,2,4 +0.3,3,2 0.3,1,2 -0.3,5,2 -0.3,1,0 0.3,3,5 +0.3,3,6 0.3,3,1 +0.3,3,2 +0.3,3,2 +0.3,0,0 +0.3,4,1 +0.3,0,0 +0.3,2,4 0.3,1,0 0.3,5,5 -0.3,1,1 -0.3,3,1 0.3,2,1 -0.3,5,10 -0.3,1,1 -0.3,1,2 -0.3,0,0 -0.3,0,0 -0.3,8,8 0.3,3,3 -0.3,5,6 -0.3,3,6 -0.3,2,2 +0.3,3,3 +0.3,3,4 +0.3,1,0 +0.3,3,5 +0.3,4,2 0.3,2,1 -0.3,4,3 -0.3,1,1 0.3,4,5 -0.3,6,5 -0.3,2,3 -0.3,0,0 -0.3,1,1 -0.3,4,4 -0.3,0,0 +0.3,2,2 +0.3,4,5 +0.3,4,5 +0.3,3,1 +0.3,2,1 +0.3,3,3 +0.3,4,6 0.3,2,1 +0.3,0,0 +0.3,4,7 +0.3,5,5 0.3,3,1 -0.3,5,3 -0.3,4,3 0.3,3,3 -0.3,1,0 -0.3,2,2 -0.3,4,5 -0.3,2,2 +0.3,4,1 0.3,2,3 +0.3,4,2 0.3,1,2 -0.3,4,3 -0.3,1,0 -0.3,5,3 0.3,2,2 +0.3,2,0 +0.3,2,3 0.3,3,1 -0.3,1,0 +0.3,4,2 +0.3,3,4 +0.3,1,3 +0.3,5,6 +0.3,2,4 0.3,3,1 -0.3,4,3 -0.3,3,1 -0.3,4,1 +0.3,2,0 +0.3,1,2 +0.3,2,2 0.3,2,3 -0.3,3,2 0.3,3,3 +0.3,4,3 +0.3,4,4 +0.3,2,3 +0.3,4,3 +0.3,5,3 0.3,1,1 -0.3,5,2 +0.3,2,4 +0.3,4,7 +0.3,0,1 +0.3,1,2 +0.3,2,3 +0.3,1,4 +0.3,2,2 +0.3,5,3 +0.3,4,3 0.3,1,0 0.3,1,1 -0.3,6,3 -0.3,2,5 -0.3,8,10 -0.3,4,2 0.3,3,4 -0.3,1,4 -0.3,7,6 -0.3,3,0 +0.3,0,0 0.3,2,1 -0.3,2,2 -0.3,3,2 -0.3,1,1 -0.3,4,6 -0.3,2,5 -0.3,3,2 +0.3,3,8 +0.3,3,4 0.3,1,2 -0.3,3,0 -0.3,1,0 -0.3,1,3 -0.3,6,5 -0.3,2,1 +0.3,1,1 +0.3,5,3 +0.3,2,2 0.3,2,3 -0.3,3,3 0.3,4,3 -0.3,1,2 0.3,2,2 -0.3,4,2 0.3,3,1 -0.3,3,2 -0.3,3,4 -0.3,4,3 -0.3,3,1 -0.3,1,3 0.3,4,2 -0.3,2,2 +0.3,1,1 0.3,0,0 -0.3,4,3 -0.3,2,4 -0.3,3,2 0.3,3,3 -0.3,3,2 +0.3,4,6 +0.3,3,3 0.3,2,2 +0.3,1,4 +0.3,3,3 +0.3,1,1 +0.3,3,4 +0.3,2,4 +0.3,1,2 +0.3,2,5 +0.3,3,4 +0.3,4,2 +0.3,3,9 +0.3,3,6 +0.3,5,2 +0.3,0,1 +0.3,4,2 0.3,4,5 -0.3,4,9 -0.3,6,2 -0.3,3,7 -0.3,4,3 -0.3,2,3 +0.3,5,2 +0.3,4,4 +0.3,2,2 +0.3,3,4 +0.3,5,2 +0.3,1,2 0.3,2,2 -0.3,3,1 -0.3,3,1 0.3,1,1 -0.3,4,3 -0.3,2,5 +0.3,3,1 0.3,0,0 +0.3,2,3 0.3,3,3 -0.3,9,9 -0.3,3,2 +0.3,2,2 +0.3,2,2 0.3,2,1 +0.3,4,4 +0.3,3,2 +0.3,1,2 0.3,2,4 +0.3,3,2 +0.3,3,3 +0.3,1,0 +0.3,2,3 +0.3,6,5 0.3,1,0 -0.3,2,1 0.3,3,3 +0.3,4,5 +0.3,2,2 +0.3,3,4 +0.3,5,4 0.3,3,1 +0.3,0,0 0.3,2,1 -0.3,3,0 +0.3,6,2 +0.3,2,1 +0.3,1,0 +0.3,1,1 +0.3,5,6 +0.3,1,1 0.3,3,3 +0.3,4,2 +0.3,2,5 +0.3,4,2 +0.3,0,1 +0.3,1,0 +0.3,4,6 +0.3,3,2 0.3,3,3 +0.3,5,5 0.3,2,0 -0.3,2,1 -0.3,3,2 -0.3,1,1 -0.3,3,5 -0.3,0,0 +0.3,4,3 +0.3,4,5 0.3,5,3 -0.3,3,5 -0.3,2,4 -0.3,0,1 -0.3,2,5 -0.3,2,4 -0.3,5,10 +0.3,5,3 +0.3,1,3 +0.3,3,6 +0.3,2,0 +0.3,2,3 +0.3,4,2 +0.3,2,2 +0.3,1,4 +0.3,4,6 +0.3,4,6 +0.3,1,2 +0.3,5,8 +0.3,2,2 +0.3,5,6 +0.3,2,2 0.3,2,1 +0.3,1,2 +0.3,1,0 +0.3,4,4 +0.3,2,2 +0.3,4,1 +0.3,3,2 +0.3,3,3 0.3,2,1 0.3,4,3 -0.3,2,2 +0.3,4,4 +0.3,1,2 +0.3,0,0 0.3,2,3 -0.3,3,2 -0.3,3,2 -0.3,5,3 -0.3,3,1 +0.3,0,0 +0.3,1,0 +0.3,7,9 0.3,4,4 -0.3,7,8 +0.3,1,1 +0.3,5,5 0.3,4,4 -0.3,4,2 -0.3,0,0 +0.3,5,5 +0.3,3,4 0.3,3,1 -0.3,2,0 +0.3,1,0 0.3,3,3 +0.3,0,0 +0.3,1,2 +0.3,12,8 +0.3,0,0 0.3,4,2 -0.3,4,1 -0.3,2,3 -0.3,2,3 -0.3,3,1 -0.3,3,3 -0.3,4,1 -0.3,3,3 -0.3,3,4 -0.3,2,1 -0.3,6,12 +0.3,2,0 0.3,2,2 +0.3,5,6 +0.3,4,3 +0.3,3,6 0.3,3,1 -0.3,3,1 -0.3,3,3 -0.3,1,1 +0.3,5,6 +0.3,2,3 +0.3,1,3 0.3,3,3 -0.3,2,1 +0.3,2,2 0.3,2,2 0.3,2,1 -0.3,4,2 -0.3,3,4 +0.3,2,2 +0.3,4,4 0.3,2,1 -0.3,3,4 -0.3,1,4 -0.3,0,0 -0.3,3,2 -0.3,3,3 -0.3,4,5 -0.3,6,3 -0.3,5,6 -0.3,4,6 -0.3,3,3 +0.3,5,4 +0.3,2,3 0.3,5,7 -0.3,4,4 -0.3,1,1 +0.3,2,1 +0.3,4,2 0.3,4,4 0.3,1,2 +0.3,4,9 +0.3,1,0 +0.3,3,7 +0.3,1,0 0.3,1,1 +0.3,2,3 +0.3,3,3 0.3,2,2 -0.3,4,4 -0.3,5,1 +0.3,2,5 +0.3,3,4 0.3,1,1 -0.3,1,0 0.3,2,0 -0.3,3,1 -0.3,2,5 -0.3,2,3 -0.3,1,0 +0.3,0,0 0.3,2,3 -0.3,2,2 -0.3,1,0 -0.3,2,2 0.3,4,3 0.3,3,3 -0.3,4,4 -0.3,1,0 0.3,1,1 -0.3,2,3 -0.3,4,1 -0.3,4,3 -0.3,2,5 -0.3,4,3 +0.3,0,0 +0.3,8,3 +0.3,2,4 0.3,1,1 -0.3,4,5 -0.3,2,1 -0.3,5,5 -0.3,2,3 -0.3,5,5 -0.3,3,3 -0.3,5,6 -0.3,1,0 -0.3,3,4 -0.3,5,5 -0.3,5,3 -0.3,0,0 +0.3,3,1 0.3,1,1 -0.3,2,1 -0.3,1,0 0.3,2,2 -0.3,6,4 -0.3,6,3 -0.3,6,6 -0.3,4,5 +0.3,3,2 0.3,3,1 -0.3,0,1 -0.3,2,2 0.3,1,1 -0.3,2,2 -0.3,3,3 -0.3,0,0 -0.3,2,1 -0.3,4,3 0.3,1,1 -0.3,3,2 -0.3,3,4 -0.3,7,6 -0.3,9,5 +0.3,2,2 +0.3,4,2 +0.3,1,0 0.3,3,5 +0.3,2,3 +0.3,3,2 0.3,1,0 -0.3,4,3 -0.3,6,7 0.3,3,2 -0.3,2,1 -0.3,3,6 +0.3,2,2 +0.3,6,8 +0.3,5,4 +0.3,4,2 +0.3,7,6 +0.3,3,2 +0.3,2,0 0.3,0,0 -0.3,4,1 -0.3,3,0 +0.3,6,9 +0.3,6,5 +0.3,2,1 +0.3,1,0 +0.3,5,8 0.3,1,1 -0.3,4,6 -0.3,4,5 +0.3,5,1 +0.3,0,1 +0.3,2,2 +0.3,6,7 0.3,2,0 -0.3,0,0 -0.3,4,6 -0.3,0,0 +0.3,1,1 +0.3,1,0 0.3,2,3 -0.3,3,3 -0.3,2,0 -0.3,6,7 +0.3,6,10 +0.3,2,1 +0.3,3,1 +0.3,2,3 +0.3,1,3 +0.3,1,0 0.3,0,0 -0.3,2,4 -0.3,4,3 -0.3,5,7 +0.3,3,3 +0.3,2,3 +0.3,3,2 +0.3,3,2 0.3,5,2 -0.3,4,5 -0.3,2,2 -0.3,1,0 -0.3,2,5 0.3,2,0 -0.3,1,2 -0.3,3,1 -0.3,2,4 -0.3,2,2 -0.3,2,2 -0.3,3,2 0.3,3,3 -0.3,1,2 -0.3,2,0 -0.3,3,4 -0.3,5,5 -0.3,4,2 +0.3,4,6 0.3,1,1 +0.3,4,2 +0.3,2,2 +0.3,3,4 +0.3,0,2 +0.3,2,2 +0.3,2,1 0.3,0,1 0.3,1,0 -0.3,3,3 +0.3,1,1 0.3,1,0 -0.3,0,0 0.3,2,0 -0.3,2,2 -0.3,2,1 -0.3,1,2 -0.3,3,2 +0.3,5,6 0.3,4,3 -0.3,4,7 -0.3,1,0 -0.3,3,0 -0.3,5,4 +0.3,0,0 +0.3,6,9 +0.3,4,4 0.3,2,2 -0.3,1,2 -0.3,3,1 +0.3,3,6 0.3,4,5 -0.3,1,0 +0.3,1,4 +0.3,2,0 +0.3,3,5 +0.3,1,2 0.3,2,2 +0.3,5,3 +0.3,3,2 +0.3,2,1 0.3,2,3 0.3,1,0 -0.3,4,5 +0.3,2,1 +0.3,1,0 0.3,1,1 -0.3,5,2 -0.3,4,4 -0.3,3,3 -0.3,0,0 -0.3,2,0 -0.3,6,6 0.3,1,0 0.3,2,2 -0.3,1,3 -0.3,6,3 -0.3,3,4 -0.3,4,5 -0.3,1,2 -0.3,5,5 -0.3,0,1 -0.3,2,3 -0.3,3,5 +0.3,1,0 +0.3,4,6 +0.3,1,0 0.3,2,1 -0.3,3,1 -0.3,3,3 -0.3,4,2 +0.3,4,8 0.3,1,0 -0.3,4,5 +0.3,1,0 +0.3,2,2 0.3,3,3 -0.3,4,3 0.3,3,4 -0.3,5,3 -0.3,1,2 -0.3,3,2 -0.3,7,13 +0.3,3,1 +0.3,3,4 +0.3,3,4 0.3,2,1 +0.3,0,0 +0.3,3,1 +0.3,0,0 +0.3,2,2 +0.3,0,0 +0.3,4,2 +0.3,4,3 +0.3,7,5 +0.3,3,1 0.3,3,2 +0.3,3,4 +0.3,3,4 +0.3,4,3 +0.3,0,0 +0.3,3,4 +0.3,3,4 +0.3,4,3 +0.3,1,0 +0.3,2,3 +0.3,1,1 +0.3,7,3 +0.3,1,1 0.3,5,2 -0.3,3,3 -0.3,3,1 -0.3,2,0 -0.3,1,2 -0.3,2,1 0.3,2,1 0.3,3,2 -0.3,1,0 -0.3,4,5 -0.3,2,0 -0.3,4,3 +0.3,3,6 +0.3,1,1 +0.3,4,4 0.3,2,1 -0.3,5,9 +0.3,1,2 +0.3,4,6 +0.3,0,0 0.3,2,2 -0.3,4,5 -0.3,4,1 +0.3,5,8 0.3,1,0 -0.3,0,0 -0.3,2,0 -0.3,4,5 +0.3,1,0 +0.3,7,4 0.3,2,2 -0.3,4,2 -0.3,4,2 -0.3,1,2 -0.3,1,2 -0.3,1,2 -0.3,3,0 0.3,2,4 -0.3,5,3 +0.3,5,5 +0.3,2,2 0.3,1,0 -0.3,1,1 0.3,0,0 +0.3,3,2 +0.3,1,1 0.3,4,2 +0.3,3,1 +0.3,2,2 0.3,1,2 +0.3,2,2 0.3,3,4 -0.3,2,3 -0.3,1,2 -0.3,4,8 -0.3,2,4 +0.3,4,1 0.3,4,4 -0.3,2,2 +0.3,3,1 +0.3,3,4 +0.3,5,2 +0.3,2,3 0.3,3,3 -0.3,4,3 +0.3,0,0 +0.3,1,2 0.3,2,2 -0.3,3,3 +0.3,3,2 +0.3,4,5 0.3,1,0 -0.3,5,7 -0.3,0,0 +0.3,3,4 +0.3,1,0 +0.3,1,1 0.3,2,1 -0.3,4,6 +0.3,3,0 0.3,1,2 -0.3,3,5 +0.3,4,6 +0.3,7,2 +0.3,5,4 0.3,3,1 -0.3,2,0 -0.3,2,2 +0.3,4,8 0.3,2,2 -0.3,6,8 -0.3,1,1 -0.3,0,0 -0.3,0,0 -0.3,3,0 -0.3,3,5 -0.3,2,1 -0.3,3,7 -0.3,2,0 -0.3,2,3 -0.3,8,13 -0.3,3,3 0.3,4,5 0.3,4,1 -0.3,4,6 -0.3,2,2 -0.3,2,0 -0.3,3,8 -0.3,0,2 -0.3,5,3 -0.3,3,5 -0.3,2,1 -0.3,4,2 -0.3,2,0 -0.3,4,3 -0.3,1,2 -0.3,1,1 -0.3,1,1 -0.3,1,0 -0.3,1,0 -0.3,3,1 -0.3,2,2 -0.3,0,0 -0.3,3,3 -0.3,4,2 -0.3,3,3 -0.3,4,4 -0.3,2,0 -0.3,2,2 -0.3,2,4 -0.3,3,3 -0.3,3,4 0.3,2,3 0.3,1,0 -0.3,3,3 +0.3,4,4 0.3,1,1 -0.3,2,1 0.3,1,3 +0.3,3,1 +0.3,3,4 +0.3,3,4 +0.3,1,2 +0.3,1,0 0.3,3,7 +0.3,3,6 +0.3,0,0 +0.3,5,3 0.3,2,2 -0.3,4,4 -0.3,1,2 0.3,2,3 -0.3,7,5 -0.3,3,2 -0.3,2,1 -0.3,2,2 -0.3,4,4 -0.3,4,4 -0.3,1,1 -0.3,1,1 +0.3,1,2 0.3,3,1 +0.3,1,2 +0.3,0,0 +0.3,0,1 +0.3,5,8 +0.3,4,3 +0.3,1,3 0.3,0,0 -0.3,5,1 0.3,5,3 -0.3,2,6 +0.3,4,6 +0.3,3,3 +0.3,2,1 +0.3,4,3 0.3,2,2 -0.3,5,7 0.3,1,1 -0.3,1,0 +0.3,3,4 +0.3,6,3 +0.3,0,0 +0.3,5,4 +0.3,2,1 0.3,2,1 0.3,2,2 -0.3,2,4 -0.3,3,1 -0.3,1,3 +0.3,6,5 +0.3,3,2 +0.3,3,2 +0.3,2,3 +0.3,1,1 0.3,2,3 0.3,2,2 -0.3,2,1 -0.3,1,3 -0.3,3,2 -0.3,3,1 -0.3,1,0 -0.3,2,4 -0.3,2,1 0.3,0,0 -0.3,3,1 -0.3,0,0 -0.3,0,0 -0.3,1,0 0.3,2,2 +0.3,3,3 +0.3,1,0 +0.3,2,5 +0.3,3,1 +0.3,2,3 0.3,2,1 -0.3,3,6 -0.3,3,4 -0.3,2,1 -0.3,4,1 -0.3,5,5 -0.3,3,4 +0.3,1,1 0.3,2,2 -0.3,2,0 -0.3,4,2 0.3,1,2 -0.3,5,4 -0.3,0,0 -0.3,3,1 -0.3,1,0 -0.3,0,0 -0.3,3,4 -0.3,3,0 0.3,1,0 -0.3,4,7 -0.3,5,8 +0.3,0,1 0.3,3,0 -0.3,3,9 +0.3,3,2 +0.3,3,6 0.3,5,2 -0.3,6,3 -0.3,2,2 -0.3,4,4 -0.3,1,0 -0.3,2,3 +0.3,2,4 0.3,0,0 -0.3,2,2 -0.3,3,3 +0.3,0,0 +0.3,3,4 +0.3,3,4 0.3,1,0 -0.3,5,1 -0.3,2,4 -0.3,3,2 -0.3,4,6 -0.3,2,6 +0.3,4,8 0.3,3,4 0.3,0,0 +0.3,5,6 0.3,2,3 +0.3,5,7 +0.3,7,7 +0.3,6,8 +0.3,6,4 +0.3,1,0 +0.3,5,4 +0.3,4,2 +0.3,3,7 +0.3,2,2 +0.3,1,1 +0.3,1,1 0.3,3,3 +0.3,2,3 0.3,0,0 -0.3,3,1 -0.3,8,5 -0.3,2,2 -0.3,3,0 -0.3,2,1 -0.3,3,5 -0.3,1,2 -0.3,2,4 +0.3,1,1 +0.3,4,0 0.3,0,1 0.3,1,1 -0.3,2,0 +0.3,2,5 +0.3,3,1 +0.3,2,4 +0.3,2,1 0.3,1,0 -0.3,5,1 0.3,3,3 -0.3,2,1 -0.3,3,0 -0.3,6,4 -0.3,7,10 -0.3,5,6 +0.3,6,3 +0.3,2,0 +0.3,2,5 0.3,4,1 +0.3,4,4 +0.3,5,4 +0.3,1,2 0.3,3,1 -0.3,1,4 -0.3,0,0 -0.3,0,1 -0.3,0,1 0.3,4,3 +0.3,0,0 +0.3,3,1 +0.3,5,5 +0.3,2,2 +0.3,3,5 0.3,2,1 -0.3,1,2 -0.3,7,5 -0.3,3,3 -0.3,4,1 -0.3,5,10 -0.3,6,9 -0.3,1,0 -0.3,2,0 -0.3,3,4 0.3,2,1 -0.3,2,4 -0.3,1,2 -0.3,4,4 -0.3,1,0 +0.3,3,2 0.3,0,1 -0.3,6,4 0.3,1,1 -0.3,3,1 +0.3,3,2 0.3,4,4 -0.3,2,2 -0.3,2,1 -0.3,5,8 -0.3,2,2 -0.3,5,6 +0.3,3,1 +0.3,8,11 +0.3,1,2 +0.3,5,11 +0.3,3,2 0.3,0,0 +0.3,4,8 +0.3,1,0 +0.3,8,11 +0.3,1,1 +0.3,0,0 +0.3,2,1 0.3,2,3 0.3,2,3 -0.3,3,3 +0.3,1,0 +0.3,4,6 +0.3,2,0 +0.3,4,3 +0.3,1,0 +0.3,0,1 0.3,2,1 -0.3,0,0 0.3,3,2 -0.3,0,1 -0.3,3,8 -0.3,3,5 -0.3,4,6 -0.3,2,2 -0.3,2,4 -0.3,3,3 +0.3,4,2 0.3,2,1 +0.3,5,7 +0.3,2,0 +0.3,2,0 +0.3,3,2 +0.3,6,5 +0.3,1,1 +0.3,5,5 +0.3,1,1 +0.3,1,1 +0.3,2,2 +0.3,3,5 +0.3,3,2 +0.3,4,2 +0.3,3,1 +0.3,5,7 0.3,2,3 -0.3,4,0 -0.3,3,4 0.3,0,0 -0.3,3,4 -0.3,4,1 0.3,2,3 -0.3,1,1 -0.3,1,1 +0.3,2,3 +0.3,4,1 0.3,1,2 -0.3,4,0 +0.3,0,1 +0.3,3,1 +0.3,2,3 0.3,2,1 +0.3,4,7 +0.3,3,3 +0.3,1,0 +0.3,4,2 0.3,2,1 -0.3,2,0 -0.3,2,2 -0.3,5,2 -0.3,4,3 -0.3,1,4 -0.3,2,1 -0.3,3,1 -0.3,4,0 -0.3,2,2 -0.3,1,1 -0.3,3,1 0.3,2,4 +0.3,1,0 +0.3,1,0 0.3,1,1 -0.3,0,1 -0.3,3,7 +0.3,3,3 +0.3,1,1 +0.3,5,3 0.3,3,4 -0.3,2,0 -0.3,0,0 -0.3,2,3 -0.3,3,1 -0.3,2,1 -0.3,5,7 -0.3,2,2 +0.3,4,1 +0.3,4,1 +0.3,3,2 +0.3,4,5 0.3,1,1 +0.3,7,6 +0.3,3,1 0.3,4,3 +0.3,2,3 +0.3,2,2 0.3,1,0 0.3,1,0 -0.3,3,1 -0.3,4,5 -0.3,2,4 -0.3,6,5 -0.3,1,3 -0.3,5,7 +0.3,1,2 +0.3,2,2 +0.3,2,5 0.3,3,2 -0.3,3,7 -0.3,1,1 -0.3,6,4 -0.3,4,3 -0.3,1,1 -0.3,5,2 -0.3,0,0 -0.3,2,0 -0.3,7,8 -0.3,3,5 +0.3,2,1 +0.3,6,3 0.3,2,3 -0.3,5,5 -0.3,3,1 -0.3,4,2 +0.3,2,2 0.3,1,3 -0.3,4,6 -0.3,3,1 0.3,3,4 -0.3,4,4 +0.3,1,1 +0.3,2,1 +0.3,1,3 +0.3,3,0 0.3,5,7 -0.3,2,2 -0.3,7,8 0.3,0,0 -0.3,0,1 -0.3,2,0 -0.3,1,1 -0.3,6,6 -0.3,4,6 -0.3,3,5 +0.3,4,4 +0.3,4,4 +0.3,4,4 +0.3,1,2 +0.3,4,2 +0.3,3,3 +0.3,4,3 +0.3,2,5 +0.3,4,3 +0.3,7,6 0.3,0,0 +0.3,0,1 0.3,1,0 -0.3,6,5 0.3,0,0 -0.3,3,3 -0.3,2,3 -0.3,2,2 -0.3,3,2 -0.3,5,4 -0.3,0,2 -0.3,4,3 +0.3,3,1 +0.3,1,1 +0.3,3,4 +0.3,3,1 +0.3,3,4 0.3,1,0 -0.3,5,3 -0.3,1,4 -0.3,2,2 +0.3,2,3 +0.3,7,6 +0.3,2,4 0.3,0,0 +0.3,2,2 0.3,4,4 -0.3,2,4 -0.3,2,1 +0.3,1,0 0.3,2,1 -0.3,6,5 -0.3,1,2 +0.3,2,0 0.3,2,1 0.3,1,0 0.3,4,3 +0.3,2,2 +0.3,1,2 +0.3,5,6 0.3,1,0 -0.3,4,4 -0.3,6,4 -0.3,1,0 -0.3,0,0 -0.3,5,3 -0.3,5,3 -0.3,5,5 -0.3,0,0 -0.3,6,3 +0.3,2,4 +0.3,4,0 +0.3,1,3 +0.3,2,0 +0.3,6,6 0.3,1,1 +0.3,2,2 +0.3,4,3 0.3,2,1 +0.3,2,5 0.3,1,1 0.3,2,2 -0.3,2,3 -0.3,2,1 -0.3,3,2 -0.3,2,1 -0.3,4,4 0.3,2,2 -0.3,1,3 -0.3,3,3 -0.3,3,5 -0.3,1,3 +0.3,2,0 +0.3,0,0 +0.3,4,3 0.3,1,1 +0.3,5,3 +0.3,3,4 0.3,1,0 -0.3,2,1 +0.3,1,5 +0.3,6,0 0.3,1,1 -0.3,0,0 0.3,2,2 -0.3,2,1 +0.3,3,5 +0.3,4,2 +0.3,4,5 0.3,5,3 -0.3,3,3 -0.3,2,3 0.3,0,0 +0.3,5,4 +0.3,0,0 +0.3,1,1 0.3,2,2 -0.3,5,3 -0.3,2,2 -0.3,1,2 -0.3,4,1 -0.3,1,2 +0.3,3,3 +0.3,6,6 +0.3,3,2 +0.3,0,0 +0.3,4,4 +0.3,3,4 +0.3,5,2 +0.3,6,3 +0.3,3,2 0.3,3,1 +0.3,2,5 +0.3,2,6 +0.3,6,2 +0.3,2,0 0.3,6,4 -0.3,0,1 -0.3,1,2 -0.3,1,0 +0.3,5,2 +0.3,2,2 0.3,1,1 -0.3,3,0 -0.3,1,2 -0.3,1,2 +0.3,2,0 +0.3,6,7 +0.3,1,0 +0.3,6,6 0.3,2,3 +0.3,3,4 +0.3,3,3 +0.3,3,2 +0.3,3,5 +0.3,3,1 +0.3,3,6 0.3,1,1 -0.3,2,2 +0.3,3,4 +0.3,5,5 +0.3,3,2 +0.3,6,4 +0.3,5,7 +0.3,5,1 0.3,3,1 -0.3,0,0 -0.3,0,0 -0.3,0,0 -0.3,4,5 -0.3,4,4 0.3,4,2 -0.3,5,6 -0.3,2,3 0.3,0,0 +0.3,3,0 +0.3,4,4 0.3,2,1 -0.3,5,2 +0.3,1,2 +0.3,2,4 +0.3,3,5 +0.3,2,0 +0.3,4,5 +0.3,8,5 +0.3,3,2 +0.3,4,5 0.3,1,1 0.3,4,4 -0.3,2,3 -0.3,3,4 0.3,2,2 0.3,1,0 -0.3,1,0 -0.3,4,3 +0.3,3,1 +0.3,2,3 +0.3,7,5 +0.3,2,2 +0.3,4,6 +0.3,2,2 +0.3,5,6 +0.3,0,0 +0.3,3,7 0.3,3,3 +0.3,2,2 +0.3,0,0 0.3,2,0 -0.3,6,9 +0.3,2,5 +0.3,2,1 0.3,1,0 -0.3,3,6 -0.3,3,2 +0.3,1,3 +0.3,7,2 +0.3,3,4 0.3,3,3 -0.3,3,5 -0.3,2,0 -0.3,4,4 -0.3,4,3 -0.3,3,2 -0.3,5,8 -0.3,4,3 0.3,4,1 +0.3,3,4 +0.3,4,7 +0.3,5,5 +0.3,0,0 +0.3,4,2 0.3,3,1 -0.3,6,5 +0.3,1,3 +0.3,3,3 +0.3,2,1 0.3,2,2 +0.3,2,1 0.3,1,0 -0.3,3,4 -0.3,2,3 +0.3,0,0 0.3,2,3 -0.3,3,2 0.3,2,1 -0.3,5,2 -0.3,1,0 -0.3,2,0 -0.3,1,0 0.3,3,4 -0.3,2,6 -0.3,3,0 -0.3,2,1 -0.3,2,2 -0.3,4,2 -0.3,1,2 -0.3,4,2 -0.3,4,3 0.3,2,2 0.3,4,2 -0.3,2,2 -0.3,2,2 -0.3,3,3 -0.3,3,3 -0.3,0,1 -0.3,1,0 +0.3,1,1 +0.3,0,0 0.3,0,0 -0.3,2,3 0.3,3,4 0.3,0,0 +0.3,3,1 +0.3,3,1 +0.3,2,3 0.3,0,0 -0.3,6,3 -0.3,4,2 -0.3,3,2 +0.3,3,1 0.3,2,2 -0.3,1,1 0.3,1,0 -0.3,3,0 -0.3,3,3 -0.3,3,3 -0.3,3,2 -0.3,2,5 0.3,2,2 -0.3,0,0 -0.3,1,1 -0.3,2,3 -0.3,2,3 -0.3,2,1 -0.3,3,1 -0.3,3,2 -0.3,3,2 +0.3,2,2 0.3,4,2 +0.3,2,0 +0.3,1,2 0.3,1,0 -0.3,2,4 +0.3,2,3 0.3,1,0 -0.3,5,3 -0.3,3,2 -0.3,3,1 -0.3,0,0 -0.3,2,1 +0.3,4,2 +0.3,6,5 0.3,1,2 0.3,2,2 -0.3,3,5 -0.3,6,5 -0.3,2,0 0.3,2,3 +0.3,1,0 0.3,2,2 -0.3,2,3 -0.3,5,8 -0.3,1,1 -0.3,6,7 -0.3,4,4 -0.3,2,3 +0.3,0,0 +0.3,3,2 +0.3,2,1 +0.3,6,6 +0.3,1,0 0.3,2,2 -0.3,3,1 -0.3,1,1 -0.3,3,7 -0.3,2,3 -0.3,1,1 +0.3,2,1 0.3,4,4 -0.3,1,0 0.3,0,0 -0.3,1,1 -0.3,2,6 -0.3,3,1 -0.3,2,1 +0.3,1,2 0.3,4,6 -0.3,4,3 -0.3,0,1 -0.3,0,0 -0.3,1,1 -0.3,2,4 -0.3,4,3 0.3,3,4 -0.3,1,0 -0.3,5,3 -0.3,2,4 -0.3,2,1 +0.3,2,3 0.3,1,2 -0.3,1,3 -0.3,3,3 0.3,2,3 +0.3,3,3 +0.3,3,2 0.3,2,2 +0.3,4,7 +0.3,1,2 0.3,1,0 -0.3,2,5 -0.3,2,0 -0.3,3,2 -0.3,4,3 -0.3,2,1 -0.3,3,1 -0.3,3,1 -0.3,4,0 -0.3,1,1 0.3,2,0 0.3,2,4 0.3,2,2 -0.3,3,3 -0.3,1,1 -0.3,3,1 -0.3,5,5 -0.3,0,0 -0.3,1,2 -0.3,7,8 -0.3,1,1 -0.3,0,0 -0.3,1,1 -0.3,0,0 -0.3,8,4 -0.3,1,0 -0.3,4,4 -0.3,6,3 -0.3,1,0 -0.3,3,0 -0.3,4,5 +0.3,4,3 0.3,1,1 -0.3,6,4 0.3,2,2 -0.3,4,7 -0.3,3,1 -0.3,3,1 -0.3,1,2 0.3,3,1 -0.3,2,1 -0.3,0,0 -0.4,2,0 -0.4,2,0 -0.4,5,5 -0.4,4,2 -0.4,3,2 +0.3,2,3 0.4,2,1 -0.4,3,1 -0.4,5,3 +0.4,5,6 0.4,4,4 -0.4,3,3 -0.4,4,5 -0.4,0,0 0.4,1,0 -0.4,3,3 -0.4,6,5 -0.4,2,2 -0.4,5,2 -0.4,3,3 +0.4,3,6 +0.4,1,1 0.4,0,0 -0.4,5,9 -0.4,5,4 -0.4,1,0 +0.4,5,8 0.4,2,1 -0.4,5,6 -0.4,4,2 -0.4,1,2 -0.4,3,5 -0.4,6,6 -0.4,8,4 -0.4,4,1 -0.4,1,0 -0.4,3,0 -0.4,1,1 -0.4,2,2 -0.4,1,2 -0.4,3,5 -0.4,3,0 -0.4,1,2 0.4,6,5 -0.4,5,6 -0.4,2,2 +0.4,5,0 0.4,5,4 -0.4,6,6 -0.4,2,5 -0.4,5,5 +0.4,0,0 +0.4,4,3 +0.4,2,0 0.4,3,4 -0.4,3,0 -0.4,7,5 -0.4,4,0 -0.4,6,3 -0.4,2,1 -0.4,4,4 -0.4,1,0 -0.4,2,3 -0.4,3,1 -0.4,4,1 +0.4,1,1 +0.4,2,5 +0.4,3,6 +0.4,5,6 +0.4,3,6 +0.4,2,0 +0.4,4,2 +0.4,7,8 0.4,6,7 0.4,4,6 +0.4,2,4 +0.4,1,4 +0.4,4,3 0.4,2,2 -0.4,1,1 -0.4,3,1 -0.4,1,1 -0.4,2,0 -0.4,3,2 -0.4,1,5 -0.4,1,1 -0.4,3,3 -0.4,3,3 +0.4,6,6 +0.4,3,4 +0.4,5,1 0.4,5,5 +0.4,4,5 0.4,0,0 +0.4,1,2 +0.4,3,3 +0.4,3,3 +0.4,5,3 0.4,3,5 -0.4,4,8 +0.4,4,4 +0.4,0,0 +0.4,2,7 +0.4,3,2 0.4,2,1 -0.4,3,0 -0.4,4,3 +0.4,4,4 +0.4,3,2 +0.4,2,2 0.4,1,1 +0.4,1,0 +0.4,5,4 +0.4,3,1 0.4,3,4 -0.4,3,2 -0.4,8,16 -0.4,4,2 -0.4,4,2 -0.4,5,2 -0.4,4,2 -0.4,2,6 -0.4,2,3 +0.4,5,3 0.4,3,1 +0.4,3,6 +0.4,3,2 0.4,2,0 -0.4,5,3 -0.4,4,0 0.4,2,3 -0.4,3,3 -0.4,5,4 -0.4,4,4 -0.4,7,6 -0.4,5,4 -0.4,4,2 -0.4,3,2 -0.4,5,5 -0.4,8,8 -0.4,5,4 0.4,3,4 -0.4,3,3 +0.4,7,6 0.4,2,1 -0.4,2,2 -0.4,3,3 -0.4,5,2 -0.4,5,1 -0.4,2,0 -0.4,5,5 +0.4,5,8 +0.4,3,1 +0.4,4,3 +0.4,0,0 +0.4,4,3 +0.4,3,4 0.4,1,1 -0.4,6,6 -0.4,4,5 -0.4,1,2 -0.4,5,4 +0.4,5,5 +0.4,3,2 +0.4,4,4 +0.4,2,4 +0.4,5,9 0.4,6,5 -0.4,3,4 -0.4,2,3 -0.4,2,1 -0.4,2,0 +0.4,1,1 0.4,4,6 -0.4,4,4 0.4,3,3 -0.4,5,8 -0.4,6,5 -0.4,0,0 -0.4,4,2 0.4,2,2 0.4,3,4 -0.4,3,3 +0.4,4,3 +0.4,4,4 0.4,1,0 +0.4,3,4 +0.4,5,5 +0.4,2,0 +0.4,6,5 +0.4,2,2 +0.4,0,0 +0.4,4,5 +0.4,6,5 0.4,1,1 -0.4,5,4 +0.4,0,1 +0.4,5,7 +0.4,0,2 +0.4,2,2 0.4,1,2 -0.4,3,3 -0.4,3,3 +0.4,3,2 0.4,7,7 -0.4,2,4 +0.4,6,2 0.4,6,7 -0.4,4,5 -0.4,1,1 -0.4,6,4 -0.4,1,0 -0.4,3,2 -0.4,3,2 -0.4,1,2 -0.4,3,1 -0.4,3,0 -0.4,6,6 -0.4,1,1 -0.4,6,5 -0.4,2,1 0.4,1,0 -0.4,4,2 0.4,5,4 -0.4,4,3 -0.4,3,6 -0.4,9,7 -0.4,1,0 0.4,7,8 -0.4,4,5 0.4,5,8 -0.4,3,4 -0.4,4,4 -0.4,6,5 -0.4,3,2 -0.4,2,1 -0.4,5,2 -0.4,3,1 -0.4,5,2 -0.4,1,1 -0.4,2,0 -0.4,3,2 -0.4,3,4 -0.4,3,2 -0.4,4,5 -0.4,5,9 -0.4,6,4 -0.4,2,1 +0.4,5,8 +0.4,1,0 +0.4,1,3 0.4,2,0 -0.4,5,1 +0.4,3,3 +0.4,5,8 +0.4,1,0 +0.4,5,3 +0.4,3,3 +0.4,6,11 +0.4,3,3 +0.4,2,4 0.4,1,3 -0.4,5,7 -0.4,4,3 0.4,3,1 -0.4,3,3 +0.4,2,5 +0.4,2,1 +0.4,2,1 +0.4,4,0 +0.4,3,5 +0.4,3,2 0.4,2,2 +0.4,2,1 +0.4,2,1 +0.4,3,0 0.4,4,6 -0.4,4,3 -0.4,4,5 -0.4,2,2 -0.4,8,6 0.4,7,7 -0.4,1,0 +0.4,5,3 +0.4,6,4 +0.4,10,15 0.4,3,1 -0.4,5,4 -0.4,2,0 +0.4,6,8 0.4,4,2 -0.4,3,4 -0.4,6,2 -0.4,7,7 -0.4,2,4 -0.4,3,3 -0.4,3,2 -0.4,4,1 -0.4,2,2 0.4,1,2 -0.4,2,2 -0.4,2,3 -0.4,4,2 -0.4,0,0 +0.4,5,2 0.4,1,0 -0.4,5,6 -0.4,3,3 -0.4,6,3 -0.4,2,3 -0.4,3,2 +0.4,4,4 +0.4,9,7 +0.4,5,5 +0.4,1,1 +0.4,0,0 +0.4,3,1 +0.4,3,4 +0.4,7,6 0.4,2,2 -0.4,5,7 -0.4,5,3 +0.4,4,4 +0.4,4,2 +0.4,3,1 0.4,0,0 -0.4,0,2 -0.4,2,4 -0.4,3,2 +0.4,2,1 +0.4,4,4 0.4,1,0 -0.4,5,4 -0.4,4,0 0.4,2,0 -0.4,2,3 +0.4,1,3 +0.4,1,0 +0.4,4,3 0.4,2,2 +0.4,5,9 +0.4,0,0 +0.4,0,0 +0.4,4,2 +0.4,4,1 +0.4,5,5 0.4,2,2 -0.4,4,7 +0.4,1,3 +0.4,6,8 0.4,6,3 +0.4,5,10 +0.4,3,5 +0.4,1,1 +0.4,7,4 +0.4,7,6 +0.4,5,3 0.4,3,3 -0.4,2,1 -0.4,4,5 -0.4,3,2 -0.4,4,4 0.4,3,3 -0.4,4,10 0.4,2,5 -0.4,1,2 -0.4,5,7 -0.4,5,5 -0.4,2,0 -0.4,4,5 -0.4,5,10 -0.4,1,0 -0.4,5,9 +0.4,3,4 0.4,2,3 -0.4,5,4 -0.4,5,2 +0.4,3,3 +0.4,2,3 +0.4,2,1 +0.4,7,5 +0.4,9,12 +0.4,10,7 +0.4,3,3 +0.4,2,3 +0.4,4,3 0.4,1,0 +0.4,0,0 +0.4,7,11 0.4,2,2 +0.4,1,1 +0.4,4,4 +0.4,4,6 +0.4,2,3 0.4,2,0 -0.4,3,2 -0.4,1,0 -0.4,5,1 +0.4,5,3 +0.4,2,2 +0.4,4,2 +0.4,4,2 +0.4,2,5 +0.4,5,6 +0.4,3,6 +0.4,3,1 0.4,4,6 +0.4,4,3 0.4,1,1 -0.4,3,1 -0.4,4,7 -0.4,3,2 +0.4,4,1 0.4,3,2 +0.4,1,2 +0.4,4,3 +0.4,7,8 0.4,4,6 -0.4,0,0 -0.4,5,5 0.4,5,6 -0.4,0,0 -0.4,4,2 -0.4,5,6 -0.4,0,0 -0.4,9,10 +0.4,3,1 +0.4,1,1 +0.4,3,1 +0.4,2,5 0.4,4,3 -0.4,5,2 -0.4,5,6 -0.4,2,2 -0.4,3,2 -0.4,2,1 +0.4,3,6 0.4,2,1 -0.4,8,7 -0.4,4,1 -0.4,4,0 -0.4,5,4 -0.4,6,5 -0.4,8,4 -0.4,1,0 -0.4,1,1 -0.4,4,4 -0.4,7,14 -0.4,3,4 -0.4,3,4 -0.4,2,0 -0.4,6,7 -0.4,5,4 -0.4,4,2 0.4,4,5 +0.4,4,4 +0.4,4,1 +0.4,3,3 +0.4,4,6 +0.4,2,4 0.4,4,3 +0.4,2,1 0.4,3,3 +0.4,3,2 +0.4,1,0 +0.4,2,0 +0.4,2,4 +0.4,2,4 +0.4,4,0 +0.4,3,2 +0.4,4,6 0.4,1,0 -0.4,8,6 -0.4,4,1 -0.4,3,1 -0.4,2,1 0.4,5,3 -0.4,5,2 -0.4,2,3 -0.4,3,3 -0.4,7,3 +0.4,2,1 0.4,5,6 -0.4,2,0 -0.4,4,3 +0.4,7,5 0.4,1,1 -0.4,5,4 -0.4,4,4 -0.4,2,3 -0.4,4,1 +0.4,2,1 +0.4,4,3 +0.4,6,3 +0.4,6,5 +0.4,6,6 0.4,4,2 +0.4,4,3 0.4,1,1 -0.4,7,3 -0.4,1,0 -0.4,3,5 +0.4,2,0 0.4,2,2 -0.4,1,2 -0.4,4,3 +0.4,2,1 +0.4,3,3 0.4,3,3 -0.4,4,2 -0.4,7,10 -0.4,4,2 -0.4,2,3 0.4,5,1 -0.4,3,2 +0.4,5,4 0.4,2,2 +0.4,1,0 +0.4,6,4 +0.4,4,2 +0.4,2,4 0.4,3,3 +0.4,0,1 +0.4,0,0 0.4,2,2 -0.4,4,7 -0.4,1,3 -0.4,2,2 -0.4,4,2 -0.4,3,1 -0.4,4,5 -0.4,3,1 -0.4,5,1 -0.4,5,5 0.4,3,2 -0.4,1,0 -0.4,4,2 -0.4,2,1 -0.4,7,5 +0.4,2,4 +0.4,4,4 +0.4,6,9 +0.4,6,4 +0.4,5,3 0.4,5,5 +0.4,3,5 +0.4,5,1 0.4,2,1 -0.4,8,10 -0.4,3,2 -0.4,6,5 -0.4,3,8 -0.4,2,0 -0.4,4,4 -0.4,1,0 -0.4,4,2 -0.4,3,4 -0.4,3,0 -0.4,7,8 -0.4,4,6 +0.4,4,1 +0.4,5,4 0.4,2,1 -0.4,3,4 -0.4,5,8 -0.4,2,0 -0.4,5,7 -0.4,5,7 -0.4,3,0 -0.4,4,3 -0.4,1,0 -0.4,1,0 -0.4,1,0 -0.4,1,0 -0.4,3,1 -0.4,1,2 -0.4,7,6 -0.4,4,3 -0.4,2,2 -0.4,4,6 -0.4,2,5 -0.4,4,4 +0.4,2,4 +0.4,6,3 +0.4,5,3 +0.4,5,5 +0.4,4,9 +0.4,5,5 0.4,2,1 -0.4,1,2 -0.4,4,3 -0.4,1,3 -0.4,4,5 +0.4,1,1 0.4,4,3 +0.4,2,4 +0.4,3,3 +0.4,2,1 +0.4,2,3 +0.4,2,5 +0.4,0,0 0.4,2,3 -0.4,6,5 0.4,3,2 -0.4,1,0 +0.4,3,7 +0.4,8,5 +0.4,8,7 +0.4,1,1 0.4,1,2 -0.4,5,4 +0.4,4,3 +0.4,2,0 +0.4,3,1 +0.4,3,1 0.4,2,2 -0.4,4,4 -0.4,2,3 -0.4,12,13 +0.4,3,2 +0.4,3,0 +0.4,0,0 +0.4,6,6 +0.4,3,2 +0.4,2,2 +0.4,2,0 0.4,2,3 -0.4,2,5 -0.4,4,5 -0.4,5,6 -0.4,6,2 -0.4,4,3 -0.4,5,5 -0.4,1,1 +0.4,6,7 +0.4,6,8 0.4,1,0 -0.4,6,6 -0.4,4,3 -0.4,4,2 -0.4,3,3 -0.4,8,9 -0.4,3,6 -0.4,4,2 +0.4,2,2 +0.4,2,0 +0.4,4,7 +0.4,2,2 0.4,1,1 +0.4,6,4 +0.4,4,8 +0.4,2,2 +0.4,2,3 +0.4,0,1 +0.4,7,8 +0.4,4,4 +0.4,4,1 +0.4,0,0 +0.4,7,5 +0.4,7,6 +0.4,3,0 0.4,0,1 0.4,2,2 +0.4,3,4 0.4,4,5 -0.4,4,2 -0.4,4,2 -0.4,4,4 -0.4,4,7 -0.4,2,3 -0.4,6,11 -0.4,5,5 -0.4,6,2 +0.4,3,3 +0.4,5,6 0.4,5,3 -0.4,7,5 -0.4,4,2 -0.4,7,8 +0.4,0,1 +0.4,4,1 +0.4,3,6 +0.4,2,0 +0.4,6,7 +0.4,1,3 +0.4,4,1 +0.4,3,3 +0.4,4,0 +0.4,4,1 0.4,1,0 -0.4,5,4 -0.4,1,2 -0.4,2,5 -0.4,4,6 +0.4,5,1 0.4,7,6 -0.4,2,3 -0.4,2,1 -0.4,0,2 -0.4,8,7 -0.4,2,3 0.4,2,2 +0.4,3,5 +0.4,4,4 +0.4,6,6 0.4,3,2 -0.4,4,5 -0.4,6,9 +0.4,9,10 +0.4,2,1 +0.4,4,8 +0.4,8,7 +0.4,3,1 +0.4,5,3 +0.4,4,2 0.4,1,1 -0.4,4,5 -0.4,3,3 +0.4,5,5 +0.4,3,2 +0.4,6,2 0.4,4,3 -0.4,6,4 0.4,2,1 -0.4,5,2 +0.4,6,4 0.4,1,0 +0.4,1,0 +0.4,4,3 +0.4,3,2 +0.4,4,4 +0.4,5,3 +0.4,7,6 0.4,5,5 -0.4,2,0 0.4,5,6 -0.4,1,2 -0.4,5,4 -0.4,2,2 -0.4,4,4 +0.4,6,6 0.4,1,1 +0.4,1,2 +0.4,2,0 0.4,3,4 0.4,2,3 -0.4,0,0 -0.4,3,1 +0.4,2,4 +0.4,4,4 0.4,1,0 -0.4,3,1 -0.4,3,1 +0.4,5,6 0.4,3,4 -0.4,6,7 -0.4,0,2 -0.4,6,6 -0.4,1,0 -0.4,3,3 -0.4,2,2 -0.4,3,2 +0.4,5,2 0.4,2,4 -0.4,3,2 +0.4,2,1 +0.4,3,3 0.4,4,4 +0.4,3,4 +0.4,4,3 +0.4,5,6 +0.4,7,7 0.4,3,2 -0.4,2,2 +0.4,3,4 +0.4,1,2 +0.4,6,2 +0.4,4,5 +0.4,5,5 +0.4,4,2 +0.4,4,5 +0.4,4,4 +0.4,5,3 +0.4,1,0 +0.4,4,0 +0.4,3,1 +0.4,6,9 +0.4,2,3 0.4,2,1 -0.4,3,5 -0.4,2,2 -0.4,1,1 +0.4,3,1 +0.4,5,7 +0.4,3,4 +0.4,4,5 +0.4,2,0 +0.4,0,0 0.4,4,5 +0.4,4,7 +0.4,2,1 +0.4,2,2 +0.4,4,3 +0.4,3,1 +0.4,5,4 +0.4,4,3 +0.4,3,4 +0.4,3,3 +0.4,2,5 +0.4,0,0 +0.4,3,3 +0.4,3,3 +0.4,5,7 +0.4,1,0 0.4,4,3 +0.4,2,0 +0.4,2,4 +0.4,3,5 +0.4,7,7 +0.4,5,9 +0.4,7,10 +0.4,5,6 +0.4,3,6 +0.4,3,2 0.4,4,9 -0.4,6,5 -0.4,2,2 +0.4,3,3 +0.4,10,4 +0.4,2,1 +0.4,4,1 +0.4,5,6 +0.4,1,3 0.4,5,3 0.4,1,1 -0.4,7,2 -0.4,4,3 +0.4,2,3 0.4,3,4 +0.4,7,4 +0.4,2,2 +0.4,3,5 +0.4,1,1 0.4,3,3 -0.4,2,6 -0.4,2,1 +0.4,4,2 +0.4,3,3 +0.4,2,2 +0.4,6,9 +0.4,2,3 +0.4,5,4 +0.4,3,3 +0.4,4,1 +0.4,4,4 +0.4,3,5 +0.4,6,8 +0.4,2,3 +0.4,3,1 0.4,1,1 +0.4,8,11 +0.4,3,1 +0.4,7,8 +0.4,3,5 +0.4,5,6 +0.4,1,2 +0.4,9,9 +0.4,5,4 0.4,1,1 0.4,2,0 0.4,4,2 -0.4,2,5 +0.4,3,7 +0.4,5,4 +0.4,1,1 +0.4,2,4 +0.4,0,0 +0.4,3,2 +0.4,3,6 +0.4,7,5 +0.4,4,5 +0.4,5,3 +0.4,5,1 +0.4,1,1 +0.4,1,1 0.4,3,2 +0.4,6,5 +0.4,3,4 +0.4,9,6 +0.4,1,3 +0.4,6,6 +0.4,2,5 +0.4,3,4 0.4,2,3 -0.4,2,2 -0.4,2,1 -0.4,4,0 -0.4,1,2 0.4,3,2 -0.4,5,7 +0.4,1,1 +0.4,1,1 +0.4,4,2 +0.4,1,3 +0.4,2,4 +0.4,5,5 0.4,2,5 +0.4,1,1 0.4,2,2 0.4,4,2 -0.4,3,3 -0.4,5,7 0.4,1,2 -0.4,2,2 -0.4,4,6 -0.4,2,1 -0.4,5,2 -0.4,7,6 -0.4,4,3 -0.4,3,2 +0.4,9,15 0.4,4,2 -0.4,6,6 -0.4,1,2 -0.4,3,2 -0.4,2,1 -0.4,2,1 -0.4,3,3 +0.4,5,4 +0.4,1,1 0.4,3,3 -0.4,3,5 +0.4,3,1 0.4,7,7 -0.4,3,3 -0.4,2,0 -0.4,3,4 0.4,2,3 -0.4,2,4 -0.4,1,4 -0.4,6,3 -0.4,2,0 +0.4,3,0 +0.4,5,6 +0.4,0,0 +0.4,4,3 0.4,5,3 +0.4,4,7 +0.4,6,6 +0.4,2,1 +0.4,3,4 +0.4,6,6 0.4,2,2 0.4,2,1 +0.4,4,4 +0.4,5,4 0.4,4,1 -0.4,2,0 -0.4,3,4 -0.4,3,2 -0.4,1,0 -0.4,3,2 -0.4,3,4 +0.4,1,1 0.4,2,3 -0.4,3,2 +0.4,4,4 0.4,5,5 +0.4,7,2 +0.4,4,2 0.4,3,2 -0.4,3,5 -0.4,5,3 -0.4,2,0 -0.4,3,1 -0.4,3,1 -0.4,2,3 -0.4,4,4 +0.4,2,1 +0.4,1,2 +0.4,3,2 +0.4,2,1 +0.4,6,1 +0.4,2,1 +0.4,4,7 +0.4,6,9 +0.4,4,3 +0.4,1,2 +0.4,2,1 0.4,3,3 +0.4,4,5 +0.4,5,4 +0.4,1,2 0.4,3,1 -0.4,3,2 -0.4,1,1 -0.4,3,0 +0.4,5,5 +0.4,1,2 +0.4,2,1 0.4,3,4 -0.4,4,4 -0.4,6,8 -0.4,1,0 -0.4,3,6 0.4,2,2 -0.4,2,4 -0.4,5,3 -0.4,5,5 -0.4,5,7 -0.4,3,2 0.4,4,2 -0.4,5,2 -0.4,3,3 -0.4,5,6 -0.4,1,2 -0.4,7,6 -0.4,3,1 +0.4,1,1 +0.4,4,3 0.4,2,2 -0.4,2,4 -0.4,2,4 +0.4,3,1 0.4,1,0 -0.4,4,4 0.4,0,1 0.4,3,4 -0.4,4,4 -0.4,6,7 -0.4,1,1 -0.4,5,6 -0.4,1,2 -0.4,4,2 -0.4,3,0 -0.4,4,5 -0.4,6,8 -0.4,1,1 -0.4,1,0 -0.4,0,3 -0.4,4,3 -0.4,4,3 +0.4,9,6 +0.4,4,8 0.4,4,5 -0.4,2,0 -0.4,2,3 -0.4,5,3 0.4,5,7 -0.4,5,3 -0.4,1,1 +0.4,8,8 +0.4,3,1 +0.4,9,14 +0.4,5,2 +0.4,4,7 +0.4,2,4 0.4,4,3 -0.4,4,4 -0.4,6,4 -0.4,4,5 +0.4,3,3 0.4,3,5 -0.4,2,2 -0.4,4,3 -0.4,5,3 -0.4,0,0 -0.4,4,3 +0.4,2,3 +0.4,3,2 +0.4,3,2 0.4,2,0 +0.4,3,4 +0.4,3,2 +0.4,1,2 +0.4,6,3 +0.4,1,0 0.4,4,3 +0.4,4,4 0.4,1,0 -0.4,4,5 -0.4,5,7 +0.4,4,2 0.4,3,2 -0.4,2,3 -0.4,7,8 +0.4,2,5 +0.4,5,3 +0.4,1,3 +0.4,5,8 +0.4,6,2 +0.4,2,4 0.4,1,0 -0.4,6,6 -0.4,4,7 +0.4,3,1 +0.4,6,4 +0.4,2,0 +0.4,2,3 0.4,3,2 +0.4,4,0 0.4,2,1 -0.4,3,2 -0.4,5,3 -0.4,7,8 0.4,2,2 -0.4,5,0 -0.4,3,1 -0.4,4,6 -0.4,0,0 -0.4,4,6 +0.4,5,4 +0.4,2,2 +0.4,4,4 +0.4,2,5 +0.4,6,5 +0.4,0,1 +0.4,2,3 0.4,3,4 +0.4,2,2 0.4,5,4 -0.4,2,4 -0.4,3,3 +0.4,1,1 +0.4,1,2 +0.4,6,9 +0.4,8,4 0.4,3,3 -0.4,2,3 +0.4,3,2 +0.4,5,3 +0.4,6,3 +0.4,7,8 +0.4,5,5 +0.4,5,5 +0.4,1,4 0.4,2,1 -0.4,1,2 0.4,4,3 -0.4,8,5 +0.4,5,5 +0.4,2,3 0.4,2,2 +0.4,3,5 +0.4,7,5 +0.4,6,8 0.4,3,3 +0.4,1,0 +0.4,5,2 0.4,3,2 -0.4,5,4 -0.4,4,5 -0.4,3,4 -0.4,2,0 -0.4,5,4 -0.4,5,4 -0.4,6,9 +0.4,5,8 0.4,3,3 -0.4,3,5 +0.4,3,2 +0.4,3,0 +0.4,3,3 +0.4,5,6 +0.4,3,1 +0.4,1,3 +0.4,2,2 +0.4,2,3 +0.4,3,4 0.4,4,6 -0.4,5,2 -0.4,2,1 -0.4,6,6 -0.4,6,3 -0.4,2,1 -0.4,4,2 0.4,3,3 +0.4,3,2 +0.4,4,1 +0.4,1,2 +0.4,1,2 +0.4,3,2 +0.4,2,2 +0.4,0,1 +0.4,5,5 0.4,3,1 -0.4,3,6 0.4,0,0 -0.4,2,1 +0.4,2,2 0.4,3,3 -0.4,4,6 -0.4,3,4 -0.4,6,4 -0.4,1,3 -0.4,4,5 -0.4,5,3 -0.4,1,1 0.4,2,1 -0.4,1,2 0.4,3,3 -0.4,1,2 -0.4,3,4 +0.4,4,2 0.4,3,4 -0.4,5,8 -0.4,6,3 -0.4,2,5 -0.4,3,1 -0.4,7,7 +0.4,5,10 +0.4,1,3 0.4,4,4 -0.4,3,5 -0.4,4,2 -0.4,2,4 -0.4,6,6 -0.4,11,12 +0.4,5,2 +0.4,2,2 0.4,6,5 +0.4,2,2 +0.4,5,8 +0.4,1,1 +0.4,6,7 +0.4,2,1 0.4,5,2 -0.4,6,3 -0.4,6,2 -0.4,4,3 -0.4,4,3 0.4,3,2 -0.4,4,2 -0.4,5,6 -0.4,0,0 -0.4,4,3 -0.4,5,3 -0.4,2,0 -0.4,3,2 -0.4,3,6 -0.4,4,8 -0.4,4,4 -0.4,2,5 -0.4,5,3 -0.4,4,5 +0.4,2,1 +0.4,4,7 +0.4,2,3 0.4,4,3 -0.4,3,1 0.4,4,5 -0.4,1,0 -0.4,7,4 -0.4,2,3 -0.4,4,4 -0.4,1,0 0.4,5,5 -0.4,2,1 +0.4,7,6 +0.4,4,3 +0.4,3,2 +0.4,6,7 +0.4,3,6 +0.4,3,4 +0.4,3,2 0.4,1,2 -0.4,5,8 -0.4,2,2 -0.4,3,3 0.4,3,2 -0.4,3,5 -0.4,3,3 +0.4,1,2 +0.4,3,1 0.4,2,1 -0.4,5,4 -0.4,7,5 -0.4,2,2 -0.4,3,8 -0.4,4,6 +0.4,2,3 0.4,4,2 +0.4,3,0 0.4,7,8 -0.4,6,0 -0.4,4,3 -0.4,4,5 -0.4,4,1 -0.4,1,0 -0.4,5,5 -0.4,4,8 -0.4,0,1 -0.4,7,10 -0.4,3,1 -0.4,3,4 -0.4,4,3 0.4,2,1 +0.4,7,5 +0.4,5,2 0.4,3,3 -0.4,5,6 -0.4,0,0 -0.4,1,1 -0.4,8,6 -0.4,0,0 -0.4,1,3 -0.4,3,1 +0.4,2,0 +0.4,2,2 +0.4,5,5 +0.4,2,2 0.4,1,0 -0.4,0,2 -0.4,0,0 -0.4,2,3 -0.4,0,0 -0.4,7,1 +0.4,5,9 +0.4,2,1 +0.4,3,1 +0.4,3,3 +0.4,7,4 +0.4,3,5 +0.4,6,5 +0.4,5,8 0.4,1,1 -0.4,6,7 -0.4,4,8 +0.4,3,2 +0.4,1,2 +0.4,5,2 +0.4,4,4 0.4,2,1 -0.4,4,5 +0.4,4,1 +0.4,3,2 +0.4,5,4 +0.4,3,2 0.4,4,2 -0.4,4,5 -0.4,4,5 -0.4,6,8 -0.4,4,3 -0.4,3,4 -0.4,4,4 -0.4,4,5 -0.4,4,4 0.4,4,2 +0.4,3,3 +0.4,3,2 +0.4,5,1 +0.4,2,4 +0.4,2,4 +0.4,6,7 0.4,4,6 -0.4,4,5 -0.4,1,1 +0.4,4,7 +0.4,3,0 +0.4,4,4 0.4,2,0 -0.4,6,8 +0.4,4,6 +0.4,4,4 +0.4,4,3 +0.4,7,5 0.4,5,6 -0.4,5,5 -0.4,2,0 +0.4,3,0 0.4,2,0 -0.4,2,3 -0.4,3,3 -0.4,1,2 -0.4,2,1 0.4,3,4 -0.4,4,4 -0.4,5,7 -0.4,1,3 -0.4,5,4 +0.4,5,3 0.4,6,5 -0.4,3,2 0.4,4,2 -0.4,9,7 -0.4,3,1 -0.4,6,5 +0.4,2,1 0.4,3,5 -0.4,0,1 -0.4,2,2 -0.4,1,2 -0.4,4,3 -0.4,1,1 -0.4,3,4 +0.4,5,4 +0.4,3,3 0.4,3,6 -0.4,1,3 -0.4,3,2 -0.4,5,3 -0.4,6,7 -0.4,4,1 -0.4,6,3 -0.4,5,6 -0.4,4,5 +0.4,2,3 +0.4,6,4 +0.4,3,4 +0.4,5,5 +0.4,4,7 0.4,3,1 -0.4,1,2 -0.4,2,5 +0.4,7,9 +0.4,5,6 +0.4,2,3 +0.4,5,6 +0.4,5,2 +0.4,4,3 +0.4,4,6 +0.4,3,2 0.4,2,2 -0.4,3,6 -0.4,5,4 -0.4,1,1 0.4,5,5 -0.4,4,5 -0.4,6,7 +0.4,4,6 +0.4,3,2 +0.4,1,0 +0.4,4,4 0.4,3,2 0.4,2,2 -0.4,6,6 -0.4,5,4 -0.4,2,0 -0.4,4,7 -0.4,3,3 -0.4,2,1 -0.4,4,0 -0.4,2,1 0.4,3,3 -0.4,2,4 -0.4,4,3 -0.4,3,2 -0.4,4,6 +0.4,2,2 0.4,2,1 -0.4,3,4 -0.4,8,10 0.4,2,2 0.4,1,0 -0.4,3,0 -0.4,4,8 -0.4,7,8 -0.4,4,2 -0.4,3,2 -0.4,5,1 -0.4,6,8 -0.4,5,3 -0.4,1,2 -0.4,4,2 +0.4,4,4 +0.4,3,6 +0.4,1,0 0.4,2,2 -0.4,3,1 -0.4,4,5 -0.4,3,3 -0.4,1,1 -0.4,4,1 +0.4,2,1 0.4,1,0 -0.4,4,3 0.4,2,0 -0.4,4,2 -0.4,6,4 -0.4,4,4 -0.4,5,4 -0.4,2,4 +0.4,0,2 +0.4,0,0 0.4,4,4 -0.4,1,1 +0.4,3,4 +0.4,3,0 0.4,2,2 0.4,1,1 -0.4,6,2 0.4,4,4 +0.4,6,5 +0.4,3,4 +0.4,5,7 0.4,4,4 -0.4,4,2 +0.4,3,2 +0.4,3,0 0.4,1,0 -0.4,2,2 -0.4,2,3 -0.4,6,4 +0.4,3,2 +0.4,0,0 +0.4,4,4 +0.4,3,3 0.4,4,3 -0.4,4,2 -0.4,2,4 -0.4,6,0 -0.4,3,4 -0.4,2,2 -0.4,6,7 -0.4,5,5 -0.4,5,1 0.4,0,0 0.4,2,2 -0.4,3,3 -0.4,1,0 -0.4,4,2 -0.4,2,1 -0.4,4,6 -0.4,7,5 +0.4,0,0 +0.4,0,0 +0.4,5,3 +0.4,3,2 +0.4,9,7 0.4,1,1 -0.4,2,2 +0.4,2,4 0.4,3,2 -0.4,5,2 -0.4,2,3 -0.4,1,2 -0.4,4,2 -0.4,3,3 -0.4,4,5 0.4,2,2 -0.4,6,4 -0.4,2,1 0.4,6,5 -0.4,5,3 -0.4,3,2 -0.4,7,5 +0.4,6,3 0.4,3,3 +0.4,4,6 +0.4,2,1 +0.4,4,3 0.4,2,4 -0.4,4,2 -0.4,4,2 +0.4,4,5 +0.4,5,6 +0.4,6,6 +0.4,6,8 +0.4,6,6 0.4,2,1 +0.4,5,6 +0.4,4,1 +0.4,5,3 0.4,3,3 -0.4,5,4 -0.4,9,15 -0.4,1,1 -0.4,3,1 +0.4,2,2 +0.4,5,1 +0.4,3,4 +0.4,6,5 0.4,1,1 -0.4,7,6 0.4,2,1 -0.4,7,5 -0.4,2,2 -0.4,5,5 +0.4,4,2 0.4,2,3 +0.4,8,10 +0.4,1,2 +0.4,3,4 +0.4,2,2 +0.4,1,2 +0.4,5,2 0.4,0,0 +0.4,1,1 +0.4,1,0 +0.4,4,2 0.4,4,3 -0.4,4,3 -0.4,3,1 +0.4,6,11 +0.4,6,9 +0.4,1,1 +0.4,1,2 +0.4,1,0 +0.4,1,2 +0.4,3,3 0.4,3,2 +0.4,4,6 +0.4,5,7 +0.4,4,3 +0.4,6,4 +0.4,7,8 +0.4,4,3 0.4,2,2 +0.4,2,4 +0.4,6,5 0.4,2,0 -0.4,5,4 -0.4,1,1 -0.4,5,4 -0.4,1,1 +0.4,5,9 +0.4,3,5 0.4,2,0 -0.4,3,4 -0.4,6,6 -0.4,4,2 -0.4,5,7 -0.4,7,9 -0.4,3,6 -0.4,5,6 -0.4,2,3 -0.4,4,2 -0.4,5,7 -0.4,1,3 -0.4,3,2 -0.4,5,3 -0.4,2,1 -0.4,5,4 +0.4,4,6 +0.4,4,3 0.4,3,3 -0.4,2,1 0.4,4,4 -0.4,5,7 +0.4,1,0 +0.4,5,5 +0.4,2,2 +0.4,1,0 +0.4,2,0 0.4,3,3 +0.4,3,2 +0.4,7,9 +0.4,2,4 0.4,3,5 -0.4,3,5 +0.4,4,1 +0.4,7,5 +0.4,1,1 +0.4,7,7 +0.4,2,2 +0.4,6,11 +0.4,5,7 +0.4,3,1 +0.4,3,3 0.4,3,3 +0.4,2,0 0.4,4,4 -0.4,2,1 -0.4,4,8 +0.4,5,3 +0.4,4,5 +0.4,3,2 +0.4,4,3 +0.4,4,3 +0.4,3,2 +0.4,4,6 0.4,5,4 -0.4,9,5 -0.4,3,1 -0.4,0,0 +0.4,3,5 +0.4,2,1 +0.4,9,8 +0.4,6,4 +0.4,5,2 0.4,0,0 0.4,6,3 -0.4,4,5 +0.4,3,5 0.4,1,1 -0.4,6,15 -0.4,3,2 +0.4,3,3 +0.4,3,3 +0.4,8,10 +0.4,5,5 +0.4,4,4 +0.4,2,3 +0.4,6,1 +0.4,3,4 +0.4,1,0 +0.4,3,3 +0.4,1,1 +0.4,2,4 +0.4,0,0 +0.4,4,1 0.4,3,2 +0.4,3,4 +0.4,2,0 0.4,3,3 -0.4,4,3 -0.4,2,2 +0.4,2,1 +0.4,0,0 +0.4,7,8 +0.4,4,4 +0.4,5,10 +0.4,6,7 +0.4,1,0 +0.4,2,2 +0.4,3,3 +0.4,1,0 +0.4,0,0 +0.4,4,0 +0.4,4,3 +0.4,4,3 +0.4,6,4 +0.4,2,1 +0.4,4,0 +0.4,2,1 +0.4,3,2 +0.4,3,4 +0.4,3,3 +0.4,4,0 +0.4,3,4 +0.4,1,2 +0.4,1,0 +0.4,5,2 +0.4,3,1 +0.4,1,0 +0.4,4,5 +0.4,2,3 +0.5,6,3 +0.5,3,5 +0.5,7,5 +0.5,2,1 +0.5,4,1 +0.5,4,2 +0.5,2,3 +0.5,6,6 +0.5,9,6 0.5,4,5 -0.5,5,3 -0.5,4,6 -0.5,4,4 -0.5,4,4 +0.5,2,2 +0.5,3,1 +0.5,4,3 +0.5,2,2 0.5,3,2 +0.5,2,0 0.5,2,2 +0.5,5,4 +0.5,7,6 +0.5,5,6 +0.5,6,5 0.5,3,2 0.5,4,5 -0.5,8,10 -0.5,5,12 -0.5,3,3 +0.5,7,11 +0.5,0,0 0.5,0,0 -0.5,1,3 -0.5,4,7 -0.5,5,4 -0.5,3,1 -0.5,4,3 -0.5,3,1 0.5,4,5 0.5,2,2 -0.5,6,5 -0.5,4,7 -0.5,0,1 -0.5,4,3 0.5,4,5 -0.5,2,0 -0.5,4,2 +0.5,2,2 0.5,1,1 +0.5,3,1 +0.5,2,2 +0.5,2,2 +0.5,5,8 +0.5,4,2 +0.5,3,2 +0.5,3,1 0.5,3,3 -0.5,4,6 -0.5,3,4 -0.5,4,5 -0.5,5,5 -0.5,4,4 0.5,4,5 -0.5,3,5 -0.5,4,2 -0.5,3,4 -0.5,1,1 -0.5,3,4 -0.5,5,5 +0.5,3,3 +0.5,1,4 0.5,5,3 -0.5,1,2 -0.5,2,1 -0.5,7,9 -0.5,7,7 0.5,3,2 -0.5,4,7 -0.5,4,6 -0.5,2,1 -0.5,2,2 -0.5,2,2 -0.5,8,5 -0.5,2,1 -0.5,3,1 -0.5,6,3 -0.5,2,2 -0.5,4,4 -0.5,5,2 +0.5,9,5 +0.5,7,3 0.5,6,5 -0.5,5,8 -0.5,2,6 +0.5,1,2 +0.5,3,2 +0.5,0,0 +0.5,5,3 +0.5,6,4 +0.5,4,5 +0.5,5,7 +0.5,7,5 0.5,2,2 +0.5,4,3 0.5,5,6 -0.5,4,1 +0.5,4,2 0.5,2,0 +0.5,1,0 +0.5,4,4 0.5,2,3 -0.5,1,1 +0.5,7,9 +0.5,4,1 +0.5,3,1 +0.5,2,1 0.5,4,6 -0.5,5,4 -0.5,1,0 -0.5,5,2 -0.5,4,10 -0.5,2,0 -0.5,4,5 -0.5,7,5 +0.5,5,5 +0.5,3,3 +0.5,4,2 0.5,2,0 +0.5,1,3 0.5,4,2 -0.5,6,11 +0.5,2,4 0.5,2,1 -0.5,2,2 -0.5,5,3 -0.5,4,4 -0.5,3,2 +0.5,7,11 +0.5,5,4 +0.5,7,9 0.5,4,1 -0.5,0,0 +0.5,4,6 +0.5,6,1 +0.5,5,2 +0.5,1,1 +0.5,3,3 +0.5,2,0 +0.5,1,2 +0.5,9,8 0.5,7,4 +0.5,3,1 +0.5,1,0 +0.5,2,1 +0.5,2,3 +0.5,8,9 0.5,4,2 -0.5,9,10 -0.5,2,4 -0.5,3,2 -0.5,2,2 -0.5,5,6 0.5,6,3 -0.5,6,7 0.5,1,1 -0.5,4,6 -0.5,1,2 -0.5,3,2 -0.5,5,1 -0.5,1,0 -0.5,1,0 -0.5,8,7 -0.5,7,2 -0.5,5,2 -0.5,3,6 -0.5,4,1 -0.5,3,1 0.5,3,4 +0.5,3,5 0.5,2,1 -0.5,4,5 +0.5,4,1 +0.5,4,4 +0.5,2,6 +0.5,5,3 +0.5,6,7 0.5,3,3 -0.5,6,3 -0.5,4,7 -0.5,4,7 0.5,2,3 +0.5,1,2 +0.5,3,0 0.5,4,3 -0.5,6,6 -0.5,4,4 -0.5,2,3 -0.5,3,5 -0.5,6,9 -0.5,3,1 -0.5,2,2 -0.5,8,7 +0.5,8,5 +0.5,3,3 +0.5,5,2 +0.5,6,4 +0.5,6,7 +0.5,1,1 0.5,5,3 +0.5,3,2 +0.5,4,8 +0.5,3,3 +0.5,4,7 +0.5,7,3 +0.5,6,4 +0.5,2,3 0.5,5,4 +0.5,6,2 +0.5,2,4 +0.5,7,9 0.5,2,2 +0.5,3,4 +0.5,3,4 +0.5,3,2 +0.5,3,1 0.5,4,4 0.5,5,5 -0.5,4,3 -0.5,7,5 -0.5,4,4 0.5,5,2 +0.5,7,8 +0.5,3,1 +0.5,6,3 +0.5,4,3 +0.5,3,0 +0.5,4,3 +0.5,2,2 +0.5,4,5 0.5,6,8 +0.5,7,7 +0.5,4,5 +0.5,4,2 +0.5,3,1 +0.5,3,1 +0.5,4,4 +0.5,1,0 +0.5,1,2 +0.5,8,10 +0.5,4,9 +0.5,8,8 +0.5,4,7 +0.5,3,6 +0.5,3,1 +0.5,5,5 0.5,9,6 -0.5,2,3 -0.5,6,2 -0.5,3,4 -0.5,5,7 +0.5,4,5 0.5,0,0 -0.5,3,6 +0.5,1,0 0.5,5,7 -0.5,2,2 -0.5,5,2 -0.5,4,4 -0.5,3,4 +0.5,4,2 +0.5,9,5 +0.5,9,9 +0.5,3,2 0.5,5,3 -0.5,4,6 -0.5,6,5 +0.5,11,11 +0.5,1,0 +0.5,7,10 +0.5,1,1 +0.5,3,2 0.5,5,4 -0.5,7,9 -0.5,5,6 -0.5,4,3 -0.5,5,3 -0.5,3,3 -0.5,2,3 -0.5,3,6 -0.5,3,3 -0.5,4,2 -0.5,0,0 0.5,4,2 0.5,7,4 +0.5,1,2 +0.5,8,6 +0.5,7,10 +0.5,4,5 0.5,3,2 -0.5,1,0 -0.5,3,2 -0.5,5,5 -0.5,6,5 0.5,5,6 -0.5,8,5 +0.5,3,1 +0.5,4,5 +0.5,3,6 +0.5,6,7 +0.5,3,7 +0.5,7,6 +0.5,5,4 +0.5,4,4 +0.5,4,3 +0.5,2,1 +0.5,11,10 +0.5,6,4 +0.5,4,1 0.5,2,4 -0.5,4,2 +0.5,1,1 +0.5,2,1 +0.5,3,5 +0.5,2,4 +0.5,5,10 +0.5,4,4 +0.5,6,5 +0.5,3,5 +0.5,2,1 +0.5,3,3 +0.5,10,11 +0.5,7,5 +0.5,8,12 +0.5,2,0 0.5,6,8 -0.5,5,5 -0.5,5,9 -0.5,3,2 -0.5,8,7 -0.5,4,1 +0.5,4,2 0.5,3,2 -0.5,4,0 -0.5,1,2 -0.5,4,5 -0.5,3,1 -0.5,4,3 -0.5,5,9 -0.5,7,7 +0.5,7,6 +0.5,3,3 +0.5,2,1 0.5,6,8 -0.5,5,5 -0.5,4,5 +0.5,4,4 +0.5,4,4 0.5,4,2 -0.5,6,6 +0.5,7,4 +0.5,4,3 +0.5,7,2 0.5,3,5 +0.5,5,6 +0.5,2,1 +0.5,3,3 +0.5,6,5 +0.5,8,6 +0.5,4,6 +0.5,5,4 +0.5,6,7 0.5,4,4 -0.5,5,9 +0.5,4,5 +0.5,2,0 +0.5,5,5 +0.5,6,9 +0.5,3,10 +0.5,3,0 +0.5,3,3 +0.5,3,1 0.5,4,4 -0.5,6,10 +0.5,5,7 +0.5,9,6 +0.5,1,0 +0.5,2,3 +0.5,5,1 +0.5,4,4 +0.5,8,8 +0.5,7,7 0.5,3,5 -0.5,4,7 -0.5,3,2 +0.5,7,7 +0.5,5,7 0.5,4,1 -0.5,7,3 -0.5,2,5 -0.5,4,5 -0.5,5,4 -0.5,4,5 -0.5,7,6 +0.5,6,2 0.5,4,5 -0.5,10,7 +0.5,3,4 +0.5,4,4 +0.5,3,4 0.5,3,1 +0.5,2,4 +0.5,3,0 +0.5,4,3 +0.5,5,5 +0.5,6,6 +0.5,2,2 +0.5,8,7 0.5,4,5 -0.5,5,3 +0.5,2,0 +0.5,5,1 +0.5,5,5 +0.5,6,6 0.5,3,1 -0.5,4,2 -0.5,4,3 -0.5,3,2 -0.5,5,3 -0.5,2,1 -0.5,3,0 -0.5,5,3 0.5,4,5 -0.5,3,2 -0.5,5,7 -0.5,5,8 +0.5,2,0 +0.5,5,6 +0.5,5,4 +0.5,3,3 +0.5,6,8 +0.5,6,7 +0.5,5,4 +0.5,1,0 +0.5,8,10 +0.5,5,1 0.5,5,7 +0.5,4,1 +0.5,4,3 +0.5,6,4 0.5,1,2 +0.5,4,4 +0.5,4,5 0.5,3,3 -0.5,4,2 -0.5,3,1 -0.5,6,3 +0.5,6,6 0.5,5,5 -0.5,2,2 -0.5,5,3 +0.5,3,4 0.5,4,3 -0.5,5,6 -0.5,4,8 +0.5,7,2 +0.5,6,7 +0.5,3,2 +0.5,3,2 0.5,1,1 0.5,4,3 -0.5,6,6 -0.5,6,6 -0.5,3,1 -0.5,7,9 -0.5,3,1 +0.5,1,0 0.5,5,5 -0.5,4,2 -0.5,6,5 -0.5,2,2 -0.5,7,7 -0.5,2,4 -0.5,3,4 -0.5,2,1 -0.5,6,7 -0.5,8,5 +0.5,5,4 +0.5,5,7 0.5,5,5 -0.5,5,1 -0.5,3,2 +0.5,8,6 0.5,4,6 -0.5,4,5 -0.5,3,2 +0.5,6,5 +0.5,1,4 +0.5,2,2 +0.5,4,3 0.5,1,2 -0.5,6,2 +0.5,1,1 +0.5,8,3 0.5,5,2 -0.5,5,7 -0.5,3,2 -0.5,6,6 -0.5,6,3 -0.5,2,2 +0.5,3,3 +0.5,2,3 +0.5,8,5 +0.5,7,8 +0.5,2,0 +0.5,6,5 0.5,3,4 -0.5,5,3 -0.5,6,8 -0.5,2,2 -0.5,2,1 -0.5,6,6 -0.5,3,2 -0.5,4,4 -0.5,5,5 +0.5,3,3 +0.5,7,5 0.5,2,0 -0.5,4,3 -0.5,1,1 -0.5,6,11 +0.5,7,4 +0.5,9,11 +0.5,1,2 0.5,3,2 -0.5,6,8 -0.5,5,4 -0.5,6,6 -0.5,4,6 -0.5,2,4 -0.5,2,3 -0.5,5,3 -0.5,3,6 -0.5,3,1 -0.5,6,4 -0.5,5,1 +0.5,5,14 +0.5,2,1 +0.5,4,2 +0.5,1,0 0.5,5,4 +0.5,3,3 0.5,2,3 -0.5,4,2 -0.5,1,2 -0.5,5,6 -0.5,3,2 -0.5,6,3 -0.5,2,2 -0.5,3,9 -0.5,4,4 -0.5,6,8 0.5,6,3 -0.5,8,4 0.5,2,1 -0.5,4,4 -0.5,8,8 -0.5,3,0 -0.5,6,5 -0.5,4,3 -0.5,3,2 +0.5,2,2 0.5,3,2 -0.5,2,5 -0.5,8,5 -0.5,8,13 -0.5,5,6 -0.5,2,3 +0.5,6,5 +0.5,4,7 +0.5,4,2 0.5,1,0 +0.5,3,2 +0.5,6,5 0.5,3,3 0.5,4,3 -0.5,2,0 -0.5,3,2 -0.5,2,2 -0.5,2,0 -0.5,4,4 -0.5,3,2 0.5,1,0 -0.5,7,7 -0.5,4,0 -0.5,2,2 -0.5,1,1 -0.5,2,4 -0.5,2,4 +0.5,6,4 +0.5,5,4 +0.5,4,2 0.5,4,5 +0.5,2,0 +0.5,4,2 0.5,2,2 -0.5,6,3 -0.5,6,6 0.5,2,2 -0.5,3,3 -0.5,6,6 +0.5,8,5 +0.5,7,6 +0.5,5,6 +0.5,1,2 +0.5,4,5 +0.5,9,6 +0.5,6,2 +0.5,4,3 +0.5,6,9 +0.5,3,4 +0.5,4,6 +0.5,1,0 0.5,2,0 -0.5,2,4 -0.5,3,2 +0.5,1,0 +0.5,2,1 +0.5,6,6 +0.5,3,3 +0.5,2,2 0.5,3,4 -0.5,5,3 -0.5,5,3 +0.5,5,7 +0.5,3,1 +0.5,7,5 +0.5,4,4 0.5,5,4 -0.5,6,7 +0.5,1,3 +0.5,0,0 +0.5,4,0 +0.5,2,2 0.5,3,3 -0.5,7,11 -0.5,7,4 -0.5,5,1 +0.5,1,2 +0.5,6,6 +0.5,2,4 +0.5,1,2 0.5,4,5 0.5,1,1 -0.5,4,4 -0.5,6,6 -0.5,7,7 -0.5,7,5 -0.5,2,0 -0.5,4,3 -0.5,4,1 -0.5,6,2 -0.5,4,3 +0.5,4,9 0.5,3,2 -0.5,6,7 -0.5,6,3 -0.5,5,3 -0.5,7,7 +0.5,7,6 0.5,3,1 -0.5,3,4 +0.5,2,3 +0.5,2,2 +0.5,2,2 +0.5,4,6 +0.5,4,1 +0.5,3,5 +0.5,3,1 +0.5,1,0 +0.5,2,2 0.5,3,3 -0.5,2,1 0.5,3,1 -0.5,4,3 -0.5,6,10 -0.5,7,8 -0.5,4,2 +0.5,7,9 0.5,2,3 -0.5,8,1 -0.5,9,7 -0.5,7,6 -0.5,1,2 -0.5,8,7 -0.5,9,10 -0.5,3,5 -0.5,6,9 -0.5,5,6 -0.5,3,2 -0.5,5,8 -0.5,4,2 +0.5,5,3 +0.5,5,5 0.5,3,3 +0.5,0,0 0.5,0,1 -0.5,1,0 -0.5,3,6 -0.5,5,5 +0.5,2,1 +0.5,1,1 +0.5,4,5 +0.5,1,1 0.5,3,2 +0.5,3,5 +0.5,3,0 0.5,3,1 +0.5,2,2 +0.5,4,5 +0.5,6,5 +0.5,2,0 +0.5,7,11 +0.5,4,6 +0.5,7,6 +0.5,5,3 +0.5,5,8 +0.5,5,4 +0.5,2,2 +0.5,2,3 0.5,3,0 0.5,5,4 -0.5,8,7 -0.5,8,9 -0.5,5,8 -0.5,3,3 -0.5,5,8 -0.5,4,0 -0.5,6,4 -0.5,7,6 -0.5,4,1 -0.5,4,3 -0.5,1,3 -0.5,6,2 0.5,2,1 +0.5,2,1 +0.5,3,5 0.5,2,0 0.5,4,5 -0.5,3,4 -0.5,5,5 -0.5,6,1 -0.5,4,2 -0.5,3,3 -0.5,3,5 -0.5,1,2 +0.5,2,3 +0.5,1,0 +0.5,3,0 +0.5,1,1 +0.5,4,3 +0.5,2,0 +0.5,6,4 +0.5,3,0 +0.5,7,2 +0.5,8,10 +0.5,8,9 +0.5,5,4 0.5,0,0 0.5,6,6 +0.5,7,7 +0.5,5,7 0.5,5,4 -0.5,2,2 -0.5,5,3 -0.5,1,2 +0.5,4,7 +0.5,7,7 +0.5,4,3 +0.5,0,0 +0.5,2,4 +0.5,3,2 +0.5,4,3 +0.5,1,1 +0.5,3,1 +0.5,3,1 +0.5,2,4 +0.5,7,6 +0.5,5,5 +0.5,5,5 +0.5,5,5 +0.5,2,5 0.5,1,2 -0.5,2,2 +0.5,7,4 +0.5,5,7 +0.5,3,4 +0.5,4,1 +0.5,2,1 +0.5,4,3 +0.5,2,3 +0.5,5,6 0.5,6,4 -0.5,7,6 +0.5,7,4 +0.5,2,2 +0.5,6,6 +0.5,5,8 +0.5,1,1 +0.5,8,7 +0.5,1,3 +0.5,5,2 +0.5,1,0 0.5,3,4 -0.5,4,0 -0.5,4,8 -0.5,0,2 -0.5,4,6 +0.5,2,6 0.5,0,0 +0.5,1,0 0.5,0,0 +0.5,2,0 0.5,3,4 -0.5,7,6 +0.5,3,4 +0.5,3,3 +0.5,3,5 0.5,3,2 -0.5,6,0 -0.5,5,3 -0.5,6,10 0.5,4,3 -0.5,5,3 -0.5,2,1 +0.5,2,0 +0.5,3,5 +0.5,7,10 0.5,6,3 +0.5,5,9 +0.5,5,5 +0.5,3,3 +0.5,5,6 +0.5,5,6 0.5,4,2 -0.5,7,4 -0.5,2,3 -0.5,6,7 -0.5,6,4 -0.5,3,4 -0.5,3,1 -0.5,5,3 -0.5,8,5 -0.5,5,1 -0.5,4,5 +0.5,7,5 0.5,5,2 -0.5,8,8 -0.5,2,1 -0.5,5,1 -0.5,0,0 -0.5,8,10 +0.5,1,0 +0.5,5,5 +0.5,1,2 +0.5,9,9 +0.5,4,4 +0.5,1,1 +0.5,0,1 +0.5,4,3 +0.5,4,1 0.5,3,1 -0.5,7,2 -0.5,6,5 -0.5,4,6 +0.5,4,3 +0.5,7,7 0.5,2,0 -0.5,5,2 -0.5,5,7 -0.5,6,3 +0.5,8,7 +0.5,4,5 +0.5,5,5 +0.5,4,6 +0.5,10,3 +0.5,3,0 +0.5,4,5 0.5,5,4 -0.5,5,3 -0.5,9,7 -0.5,1,1 +0.5,3,1 +0.5,2,1 +0.5,6,2 +0.5,2,3 +0.5,2,2 +0.5,2,0 +0.5,1,4 +0.5,4,2 +0.5,4,3 +0.5,3,2 +0.5,5,7 +0.5,8,9 +0.5,6,7 +0.5,4,2 +0.5,11,6 +0.5,4,3 +0.5,5,5 +0.5,2,5 +0.5,6,0 +0.5,4,2 0.5,4,2 -0.5,3,5 -0.5,5,8 0.5,5,2 -0.5,8,3 0.5,4,3 -0.5,6,5 -0.5,3,3 +0.5,6,1 +0.5,3,6 +0.5,4,7 +0.5,4,1 +0.5,3,4 0.5,2,3 -0.5,6,0 +0.5,3,3 +0.5,2,1 +0.5,2,2 +0.5,4,1 +0.5,3,1 +0.5,4,4 +0.5,6,5 +0.5,3,2 +0.5,4,2 +0.5,4,3 +0.5,3,7 +0.5,4,0 +0.5,5,3 +0.5,2,2 0.5,6,7 -0.5,7,5 -0.5,5,6 -0.5,4,8 -0.5,4,5 +0.5,3,2 +0.5,3,5 +0.5,6,3 +0.5,3,2 +0.5,6,10 +0.5,0,1 +0.5,2,4 +0.5,2,0 +0.5,2,1 +0.5,1,1 +0.5,3,4 +0.5,3,8 0.5,1,2 +0.5,2,2 +0.5,3,3 +0.5,9,6 +0.5,2,3 +0.5,1,1 +0.5,5,7 +0.5,2,3 +0.5,3,2 +0.5,2,2 0.5,3,1 +0.5,8,10 +0.5,2,1 +0.5,2,2 +0.5,3,4 +0.5,6,6 +0.5,4,8 +0.5,7,9 +0.5,2,0 +0.5,7,4 +0.5,2,1 +0.5,2,2 +0.5,5,7 +0.5,5,7 +0.5,7,6 0.5,1,2 +0.5,4,5 +0.5,5,6 0.5,1,0 -0.5,7,6 0.5,3,2 -0.5,7,4 -0.5,8,6 +0.5,5,4 +0.5,5,1 +0.5,6,2 0.5,6,5 -0.5,4,4 0.5,5,5 -0.5,5,8 -0.5,4,3 -0.5,5,2 -0.5,4,4 +0.5,1,3 0.5,5,4 -0.5,4,5 -0.5,1,2 +0.5,4,4 +0.5,0,0 +0.5,6,6 +0.5,0,0 0.5,4,2 +0.5,4,3 +0.5,4,9 +0.5,5,5 +0.5,4,5 0.5,3,6 -0.5,5,1 -0.5,4,6 +0.5,9,7 +0.5,4,4 +0.5,2,2 +0.5,7,6 0.5,4,5 -0.5,8,8 +0.5,6,4 0.5,4,3 +0.5,3,1 0.5,5,3 -0.5,5,5 -0.5,3,7 -0.5,4,4 -0.5,5,5 +0.5,6,3 +0.5,2,2 +0.5,1,1 +0.5,7,8 +0.5,4,5 +0.5,3,1 +0.5,9,10 +0.5,1,1 +0.5,4,5 +0.5,3,3 +0.5,1,0 +0.5,6,6 +0.5,5,9 +0.5,2,3 0.5,4,4 -0.5,5,4 -0.5,8,15 -0.5,0,1 -0.5,3,6 -0.5,3,4 -0.5,4,3 -0.5,4,3 -0.5,3,6 +0.5,4,2 0.5,3,3 0.5,4,6 -0.5,7,9 -0.5,2,0 -0.5,1,0 +0.5,8,6 0.5,4,5 -0.5,3,1 -0.5,2,2 0.5,2,3 -0.5,4,4 0.5,2,1 -0.5,5,3 +0.5,6,6 +0.5,2,3 +0.5,6,3 +0.5,7,3 +0.5,3,3 0.5,3,4 -0.5,5,4 +0.5,2,1 0.5,3,2 -0.5,1,3 -0.5,4,3 -0.5,4,1 -0.5,4,3 -0.5,5,7 -0.5,5,3 -0.5,1,2 -0.5,7,6 -0.5,5,1 -0.5,1,0 -0.5,3,1 -0.5,4,1 0.5,3,1 -0.5,4,4 +0.5,4,2 0.5,3,4 -0.5,6,8 -0.5,5,6 -0.5,5,11 +0.5,6,10 0.5,1,2 -0.5,2,1 +0.5,6,7 +0.5,5,4 0.5,6,8 -0.5,6,4 0.5,2,2 -0.5,5,4 -0.5,3,5 -0.5,1,2 -0.5,3,2 -0.5,2,3 -0.5,3,4 0.5,7,8 -0.5,3,2 -0.5,3,2 -0.5,4,3 +0.5,5,7 +0.5,4,1 +0.5,3,6 +0.5,3,0 +0.5,3,3 +0.5,6,6 +0.5,5,5 +0.5,4,6 +0.5,4,7 +0.5,6,6 +0.5,1,0 +0.5,6,9 +0.5,4,1 +0.5,2,0 +0.5,3,4 0.5,3,4 +0.5,6,4 +0.5,3,2 0.5,2,2 -0.5,7,8 +0.5,3,2 0.5,2,1 -0.5,6,10 -0.5,5,4 -0.5,4,4 -0.5,5,7 -0.5,4,1 -0.5,4,4 -0.5,4,4 -0.5,2,4 0.5,3,5 -0.5,5,8 -0.5,1,1 -0.5,4,5 +0.5,7,4 +0.5,5,4 +0.5,4,6 +0.5,3,2 0.5,2,1 -0.5,5,7 +0.5,5,5 0.5,2,2 -0.5,1,0 -0.5,6,3 -0.5,6,4 +0.5,7,6 0.5,5,3 -0.5,4,2 -0.5,4,5 -0.5,8,6 -0.5,4,5 -0.5,5,5 -0.5,1,0 +0.5,6,3 0.5,7,8 0.5,4,4 -0.5,2,4 -0.5,5,6 +0.5,3,7 0.5,4,7 -0.5,2,1 -0.5,2,1 -0.5,5,3 -0.5,4,3 -0.5,4,4 -0.5,4,3 -0.5,4,9 -0.5,4,3 -0.5,3,3 -0.5,5,6 -0.5,2,2 -0.5,3,4 +0.5,1,1 +0.5,6,4 0.5,6,5 -0.5,3,2 -0.5,5,2 +0.5,3,5 0.5,4,3 -0.5,3,6 -0.5,6,1 -0.5,5,3 -0.5,1,0 -0.5,6,5 -0.5,6,6 -0.5,4,4 -0.5,6,7 -0.5,4,0 -0.5,8,7 -0.5,4,5 -0.5,6,7 -0.5,2,3 -0.5,2,2 -0.5,2,3 -0.5,3,1 -0.5,4,6 -0.5,1,1 -0.5,5,3 -0.5,0,1 -0.5,5,9 -0.5,3,4 -0.5,6,1 -0.5,5,0 -0.5,5,1 -0.5,5,2 -0.5,4,4 -0.5,4,1 -0.5,4,3 -0.5,4,6 -0.5,6,5 -0.5,2,4 -0.5,5,3 -0.5,3,7 +0.5,5,4 +0.5,3,2 0.5,3,3 -0.5,5,8 +0.5,2,1 +0.5,0,1 +0.5,4,5 0.5,6,4 -0.5,1,3 -0.5,7,5 -0.5,3,0 -0.5,7,5 -0.5,4,1 -0.5,3,3 -0.5,4,0 -0.5,3,3 -0.5,3,3 +0.5,2,5 0.5,5,4 -0.5,2,3 -0.5,5,1 -0.5,4,5 -0.5,4,5 -0.5,2,1 -0.5,2,3 +0.5,3,0 +0.5,7,6 0.5,4,3 -0.5,6,3 -0.5,1,0 -0.5,1,0 +0.5,3,5 0.5,5,7 +0.5,9,6 +0.5,4,8 0.5,5,2 -0.5,4,3 -0.5,5,4 +0.5,2,1 +0.5,4,8 +0.5,5,6 0.5,2,2 0.5,5,2 +0.5,1,0 +0.5,7,4 +0.5,2,7 +0.5,6,8 +0.5,5,8 +0.5,4,2 +0.5,4,4 +0.5,4,2 +0.5,8,12 0.5,4,4 +0.5,4,0 +0.5,3,4 +0.5,5,7 +0.5,2,4 +0.5,2,2 +0.5,1,0 +0.5,1,4 +0.5,4,3 +0.5,1,2 +0.5,0,0 0.5,6,8 -0.5,7,4 +0.5,6,8 +0.5,4,1 +0.5,4,4 +0.5,2,3 +0.5,2,0 +0.5,5,5 +0.5,6,2 +0.5,5,6 +0.5,7,3 0.5,5,6 +0.5,5,2 0.5,2,2 -0.5,7,7 +0.5,6,6 +0.5,3,1 0.5,3,2 +0.5,7,6 +0.5,4,4 +0.5,1,2 +0.5,7,4 +0.5,2,0 +0.5,2,0 +0.5,4,0 +0.5,3,6 0.5,3,1 +0.5,6,5 +0.5,4,5 0.5,2,1 0.5,3,3 -0.5,4,3 -0.5,5,2 -0.5,5,4 +0.5,2,3 0.5,3,3 -0.5,5,5 -0.5,2,0 -0.5,4,1 -0.5,2,1 -0.5,5,2 -0.5,3,1 +0.5,3,2 +0.5,5,6 +0.5,6,7 +0.5,2,3 +0.5,6,8 +0.5,4,3 0.5,1,0 -0.5,6,5 -0.5,4,5 -0.5,5,7 +0.5,4,3 +0.5,1,2 +0.5,4,6 +0.5,5,2 +0.5,6,6 +0.5,5,6 0.5,5,5 -0.5,4,4 -0.5,1,1 -0.5,8,14 -0.5,2,2 +0.5,4,0 +0.5,5,3 0.5,3,2 +0.5,6,8 +0.5,5,9 +0.5,6,0 +0.5,3,4 +0.5,4,7 0.5,1,1 +0.5,3,2 0.5,3,5 +0.5,3,2 +0.5,5,4 +0.5,6,4 +0.5,2,2 +0.5,2,2 +0.5,2,3 +0.5,5,5 +0.5,3,3 +0.5,4,4 0.5,5,6 +0.5,1,2 +0.5,4,2 +0.5,5,4 +0.5,4,1 +0.5,2,1 +0.5,5,4 +0.5,2,1 +0.5,6,3 +0.5,4,1 +0.5,5,7 +0.5,1,0 +0.5,8,2 0.5,4,4 -0.5,5,3 -0.5,7,7 0.5,3,5 0.5,5,3 -0.5,3,2 -0.5,5,2 -0.5,3,11 +0.5,4,3 +0.5,2,3 +0.5,3,1 +0.5,5,4 +0.5,1,1 +0.5,9,7 +0.5,6,6 +0.5,4,4 +0.5,4,0 0.5,5,4 0.5,2,1 -0.5,3,3 +0.5,1,1 +0.5,2,3 +0.5,2,0 +0.5,9,5 0.5,3,1 -0.5,4,3 -0.5,1,0 -0.5,2,2 -0.5,6,5 -0.5,4,6 -0.5,4,1 +0.5,2,4 0.5,3,5 0.5,1,0 -0.5,4,3 -0.5,3,7 -0.5,6,4 -0.5,2,1 -0.5,7,10 -0.5,3,2 -0.5,0,0 -0.5,4,1 -0.5,3,0 -0.5,4,6 -0.5,1,1 +0.5,7,7 0.5,2,2 +0.5,7,11 +0.5,4,4 0.5,4,2 -0.5,7,8 -0.5,7,5 +0.5,4,4 +0.5,4,0 +0.5,6,6 +0.5,4,5 +0.5,2,3 +0.5,4,3 +0.5,3,1 +0.5,4,3 0.5,1,1 -0.5,3,5 -0.5,8,7 0.5,2,1 -0.5,7,8 -0.5,4,3 -0.5,5,5 -0.5,5,4 0.5,3,3 0.5,4,3 -0.5,5,8 -0.5,4,5 -0.5,5,1 -0.5,8,9 -0.5,5,4 -0.5,5,4 +0.5,2,2 +0.5,5,5 +0.5,5,6 +0.5,5,5 0.5,1,1 -0.5,6,5 -0.5,3,0 -0.5,6,3 -0.5,4,6 +0.5,5,4 +0.5,6,7 +0.5,5,5 0.5,8,7 -0.5,4,4 -0.5,0,1 -0.5,7,1 +0.5,2,2 +0.5,5,2 +0.5,6,11 +0.5,7,7 +0.5,1,0 +0.5,2,1 0.5,3,2 0.5,6,4 +0.5,0,0 +0.5,3,0 0.5,5,4 +0.5,5,2 0.5,3,2 -0.5,4,2 -0.5,3,3 -0.5,0,1 -0.5,8,7 +0.5,4,6 +0.5,3,0 0.5,2,2 -0.5,4,9 -0.5,6,11 0.5,2,1 0.5,4,2 -0.5,2,2 -0.5,1,0 -0.5,6,4 -0.5,4,7 -0.5,5,3 -0.5,6,3 -0.5,2,0 -0.5,4,1 -0.5,3,2 -0.5,4,4 -0.5,4,2 +0.5,1,1 +0.5,5,2 0.5,3,1 +0.5,6,6 +0.5,1,3 +0.5,5,6 +0.5,1,0 0.5,3,5 -0.5,9,6 -0.5,3,2 -0.5,5,3 -0.5,7,6 -0.5,4,2 -0.5,0,0 -0.5,2,4 +0.5,3,5 +0.5,3,6 +0.5,4,8 0.5,3,4 -0.5,3,7 -0.5,3,3 -0.5,8,7 -0.5,2,2 -0.5,3,1 -0.5,5,8 +0.5,4,4 +0.5,6,5 +0.5,4,7 +0.5,2,6 +0.5,10,8 0.5,1,0 -0.5,6,6 -0.5,0,1 0.5,2,3 -0.5,1,0 -0.5,2,4 -0.5,2,0 +0.5,6,8 +0.5,2,1 0.5,4,1 +0.5,3,1 +0.5,7,5 +0.5,2,0 0.5,4,3 -0.5,2,2 -0.5,2,1 -0.5,5,4 -0.5,2,3 -0.5,5,3 -0.5,6,2 -0.5,5,2 -0.5,6,3 +0.5,4,3 +0.5,2,0 +0.5,3,3 +0.5,5,7 +0.5,6,4 +0.5,3,2 +0.5,4,2 +0.5,8,5 0.5,3,1 -0.5,2,1 -0.5,6,1 0.5,3,1 -0.5,6,5 -0.5,4,1 -0.5,5,3 0.5,4,3 0.5,3,2 -0.5,3,3 -0.5,4,4 -0.5,2,3 -0.5,4,3 -0.5,3,0 -0.5,0,0 -0.5,2,1 -0.5,3,1 -0.5,3,4 -0.5,7,7 +0.5,5,7 +0.5,8,5 0.5,1,1 -0.5,2,2 0.5,4,4 -0.5,6,7 -0.5,3,5 -0.5,3,3 -0.5,2,2 +0.5,3,2 +0.5,4,1 +0.5,1,1 +0.5,3,6 0.5,2,1 +0.5,4,4 +0.5,4,3 0.5,4,2 -0.5,8,12 -0.5,2,1 +0.5,5,5 +0.5,10,14 +0.5,4,9 +0.5,6,4 +0.5,6,3 0.5,5,4 -0.5,4,1 -0.5,2,1 -0.5,0,0 -0.5,4,5 -0.5,7,10 0.5,2,3 -0.5,2,2 -0.5,4,2 -0.5,2,2 -0.5,4,2 -0.5,6,6 0.5,4,6 -0.5,5,4 +0.5,2,4 0.5,3,1 -0.5,2,2 -0.5,3,3 -0.5,2,3 -0.5,6,6 -0.5,2,3 -0.5,1,0 -0.5,3,2 -0.5,7,4 -0.5,0,0 +0.5,3,0 +0.5,6,9 +0.5,3,0 0.5,2,5 +0.5,2,2 +0.5,3,4 0.5,4,2 -0.5,7,5 -0.5,6,3 -0.5,4,3 -0.5,2,1 -0.5,7,5 -0.5,6,6 -0.5,7,6 -0.5,4,4 -0.5,4,3 -0.5,3,3 -0.5,7,9 -0.5,5,2 -0.5,6,4 -0.5,5,3 -0.5,6,5 -0.5,1,1 -0.5,2,0 -0.5,2,1 -0.5,3,7 -0.5,2,1 -0.5,4,4 0.5,5,3 -0.5,5,6 -0.5,4,4 -0.5,7,6 -0.5,2,1 -0.5,1,1 -0.5,10,9 -0.5,8,6 -0.5,5,7 -0.5,3,2 -0.5,1,1 -0.5,2,4 -0.5,4,2 -0.5,6,4 -0.5,4,3 -0.5,2,0 -0.5,7,3 -0.5,6,7 -0.5,3,2 -0.5,2,1 -0.5,1,0 -0.5,3,1 -0.5,3,5 -0.5,2,2 -0.5,7,3 -0.5,2,3 -0.5,4,9 -0.5,3,3 -0.5,1,0 -0.5,3,2 -0.5,7,9 +0.5,5,2 0.5,3,2 +0.5,8,10 0.5,2,1 -0.5,2,2 0.5,4,3 -0.5,2,0 -0.5,5,8 -0.5,9,6 -0.5,3,3 -0.5,5,6 -0.5,2,1 -0.5,6,3 -0.5,3,4 -0.5,3,1 -0.5,6,2 +0.5,8,2 +0.5,6,7 0.5,4,4 +0.5,4,3 0.5,5,6 -0.5,6,3 -0.5,5,6 -0.5,5,4 -0.5,7,6 -0.5,7,7 -0.5,5,4 -0.5,6,4 -0.5,3,3 -0.5,2,4 -0.5,5,5 -0.5,3,1 -0.5,8,11 -0.5,4,5 -0.5,2,0 -0.5,3,1 -0.5,3,2 -0.5,3,2 -0.5,3,2 -0.5,4,4 -0.5,1,0 -0.5,3,3 -0.5,7,8 -0.5,1,1 -0.5,7,6 -0.5,9,6 -0.5,5,3 -0.5,7,3 -0.5,1,2 -0.5,6,1 -0.5,5,5 -0.5,1,1 -0.5,3,8 -0.5,1,1 -0.6,3,2 +0.5,6,6 0.6,3,1 -0.6,0,0 -0.6,10,3 -0.6,5,6 -0.6,1,1 +0.6,4,6 0.6,4,3 +0.6,9,11 +0.6,6,9 +0.6,1,3 +0.6,2,1 +0.6,5,10 +0.6,3,4 +0.6,6,5 +0.6,4,0 0.6,6,4 -0.6,2,3 +0.6,5,2 +0.6,3,1 +0.6,5,10 0.6,3,2 -0.6,2,2 -0.6,5,1 -0.6,3,5 +0.6,6,4 +0.6,4,4 0.6,5,6 -0.6,4,6 -0.6,1,0 +0.6,5,5 +0.6,5,4 +0.6,5,4 +0.6,9,6 +0.6,4,5 +0.6,5,9 +0.6,10,6 +0.6,4,1 +0.6,7,4 +0.6,5,9 +0.6,5,3 0.6,3,2 -0.6,3,1 -0.6,2,0 +0.6,5,0 +0.6,7,5 0.6,5,7 -0.6,5,6 -0.6,3,6 -0.6,7,7 -0.6,2,1 +0.6,1,1 +0.6,8,7 +0.6,8,11 +0.6,3,5 +0.6,7,10 +0.6,4,3 +0.6,6,4 0.6,7,3 -0.6,4,5 -0.6,4,2 -0.6,3,4 -0.6,3,3 -0.6,8,5 -0.6,7,8 -0.6,1,0 -0.6,8,5 -0.6,3,1 -0.6,3,1 -0.6,2,0 -0.6,3,3 -0.6,3,4 -0.6,2,1 -0.6,3,1 -0.6,5,8 -0.6,5,4 -0.6,5,4 +0.6,4,6 0.6,5,2 -0.6,6,5 -0.6,4,2 -0.6,5,8 -0.6,6,1 -0.6,6,3 -0.6,6,4 -0.6,7,1 -0.6,4,2 -0.6,4,3 -0.6,2,1 -0.6,6,6 -0.6,2,3 -0.6,5,7 -0.6,5,9 -0.6,2,3 -0.6,1,1 -0.6,3,3 -0.6,5,4 -0.6,1,1 -0.6,2,4 -0.6,1,1 -0.6,3,4 -0.6,5,3 -0.6,6,3 0.6,5,5 -0.6,6,5 +0.6,4,2 +0.6,4,4 0.6,2,3 -0.6,8,3 -0.6,6,4 -0.6,4,9 -0.6,1,0 -0.6,4,3 0.6,5,4 0.6,7,7 -0.6,3,4 +0.6,6,6 +0.6,7,8 0.6,7,5 -0.6,4,3 -0.6,1,1 -0.6,3,1 -0.6,6,7 -0.6,1,1 -0.6,3,5 -0.6,6,5 -0.6,2,5 -0.6,4,4 -0.6,4,3 +0.6,7,4 +0.6,10,7 +0.6,4,2 0.6,6,6 -0.6,6,8 -0.6,4,3 -0.6,11,5 -0.6,4,4 -0.6,5,6 -0.6,8,9 -0.6,5,5 -0.6,0,0 -0.6,3,4 -0.6,2,4 -0.6,2,2 -0.6,1,1 +0.6,6,5 +0.6,7,3 +0.6,8,7 0.6,6,6 -0.6,1,1 -0.6,5,4 -0.6,5,5 -0.6,4,4 -0.6,4,5 0.6,4,4 -0.6,5,1 -0.6,3,4 -0.6,7,3 -0.6,8,6 -0.6,9,11 -0.6,1,0 -0.6,4,8 -0.6,8,8 +0.6,4,1 +0.6,4,6 0.6,4,2 -0.6,3,4 -0.6,7,5 -0.6,3,6 -0.6,3,2 -0.6,7,11 -0.6,6,3 -0.6,2,3 -0.6,2,2 -0.6,9,9 0.6,5,5 -0.6,3,4 -0.6,7,5 -0.6,3,2 -0.6,4,7 -0.6,7,6 -0.6,2,2 -0.6,4,4 -0.6,4,2 +0.6,6,7 +0.6,5,6 0.6,1,2 -0.6,8,4 -0.6,7,8 -0.6,5,2 -0.6,3,5 +0.6,4,8 +0.6,1,0 +0.6,4,3 +0.6,4,4 +0.6,2,4 +0.6,3,0 0.6,2,1 0.6,2,2 -0.6,2,1 -0.6,6,3 -0.6,7,6 -0.6,4,2 -0.6,10,13 -0.6,3,2 +0.6,4,1 +0.6,7,7 0.6,6,3 -0.6,5,3 -0.6,4,5 -0.6,7,3 -0.6,6,6 +0.6,7,10 0.6,4,2 -0.6,0,0 -0.6,4,7 -0.6,2,2 -0.6,5,4 -0.6,3,4 0.6,5,4 -0.6,3,2 +0.6,3,5 +0.6,5,6 0.6,1,0 -0.6,2,1 -0.6,5,2 -0.6,7,8 -0.6,2,1 -0.6,5,5 -0.6,8,4 0.6,3,4 -0.6,4,6 -0.6,6,6 0.6,3,0 -0.6,4,2 -0.6,3,2 -0.6,4,3 -0.6,3,2 -0.6,6,3 -0.6,5,4 -0.6,3,4 -0.6,1,1 -0.6,1,0 -0.6,4,7 +0.6,5,2 0.6,1,1 +0.6,2,2 +0.6,7,3 +0.6,5,7 +0.6,2,2 +0.6,7,6 +0.6,4,5 +0.6,2,3 +0.6,4,5 +0.6,4,5 +0.6,10,15 +0.6,5,7 +0.6,2,2 0.6,3,2 -0.6,3,3 -0.6,4,3 -0.6,3,2 -0.6,0,1 -0.6,3,2 -0.6,5,2 -0.6,5,3 -0.6,2,1 -0.6,5,8 -0.6,5,5 0.6,4,3 +0.6,4,2 0.6,5,2 +0.6,4,5 +0.6,8,8 +0.6,8,10 0.6,5,6 +0.6,6,5 0.6,7,7 -0.6,4,0 +0.6,3,4 +0.6,4,4 +0.6,3,0 +0.6,6,3 0.6,2,2 -0.6,5,7 -0.6,5,11 -0.6,2,3 -0.6,5,6 -0.6,2,1 -0.6,1,3 -0.6,4,1 -0.6,4,3 +0.6,8,13 0.6,3,2 -0.6,2,4 -0.6,4,7 -0.6,1,1 +0.6,6,5 +0.6,5,4 +0.6,7,1 0.6,2,2 +0.6,7,12 +0.6,4,3 +0.6,2,1 0.6,5,5 -0.6,1,4 -0.6,5,5 -0.6,4,5 -0.6,5,7 -0.6,6,7 -0.6,3,3 -0.6,6,6 -0.6,6,9 +0.6,9,10 +0.6,1,0 0.6,6,7 +0.6,8,6 +0.6,5,5 0.6,6,7 -0.6,8,9 -0.6,6,6 -0.6,5,2 -0.6,3,2 +0.6,6,4 0.6,4,2 +0.6,3,3 +0.6,8,5 +0.6,3,3 +0.6,5,8 +0.6,3,3 +0.6,2,3 +0.6,3,4 +0.6,2,3 0.6,4,3 -0.6,6,6 -0.6,5,4 0.6,5,6 -0.6,4,5 -0.6,1,1 -0.6,1,0 -0.6,5,10 -0.6,4,4 -0.6,6,10 0.6,6,5 -0.6,7,1 -0.6,1,2 -0.6,4,4 -0.6,3,3 -0.6,3,1 -0.6,3,4 -0.6,7,5 -0.6,8,3 -0.6,3,0 -0.6,9,14 -0.6,3,4 -0.6,4,3 -0.6,1,0 -0.6,8,4 -0.6,3,5 -0.6,5,5 +0.6,2,1 +0.6,9,4 +0.6,2,1 +0.6,5,7 +0.6,6,4 0.6,4,3 +0.6,8,8 +0.6,2,1 +0.6,8,7 0.6,2,2 -0.6,0,0 -0.6,7,8 -0.6,4,6 +0.6,5,4 +0.6,5,8 +0.6,8,12 +0.6,3,5 +0.6,2,3 +0.6,7,7 +0.6,8,4 +0.6,9,7 +0.6,3,1 +0.6,5,1 +0.6,11,12 +0.6,4,2 +0.6,4,2 +0.6,10,10 0.6,3,4 -0.6,2,0 0.6,4,2 -0.6,0,0 -0.6,6,6 -0.6,2,1 +0.6,6,3 +0.6,1,1 0.6,7,4 -0.6,4,0 -0.6,6,8 -0.6,8,8 +0.6,5,0 +0.6,6,6 +0.6,4,2 +0.6,2,3 +0.6,8,11 0.6,4,3 0.6,3,2 +0.6,5,2 +0.6,3,0 +0.6,0,0 +0.6,3,3 +0.6,3,7 +0.6,7,6 +0.6,6,6 +0.6,7,5 +0.6,2,1 +0.6,2,2 +0.6,4,4 +0.6,6,7 0.6,5,6 -0.6,1,2 +0.6,7,8 +0.6,10,10 +0.6,1,0 +0.6,4,8 0.6,4,5 +0.6,2,2 +0.6,8,12 +0.6,3,5 +0.6,4,3 +0.6,8,10 +0.6,4,4 +0.6,6,9 +0.6,8,8 +0.6,4,2 0.6,3,3 -0.6,5,7 +0.6,3,2 +0.6,3,4 +0.6,2,2 +0.6,5,5 +0.6,0,0 0.6,2,3 -0.6,2,1 +0.6,5,5 +0.6,8,11 +0.6,5,2 +0.6,3,3 +0.6,3,3 +0.6,4,4 +0.6,8,10 +0.6,3,3 +0.6,7,3 +0.6,3,5 +0.6,6,7 +0.6,7,5 +0.6,3,5 +0.6,5,3 +0.6,3,6 +0.6,7,12 +0.6,4,2 0.6,5,4 +0.6,5,4 +0.6,9,9 +0.6,3,2 +0.6,7,12 +0.6,6,7 0.6,4,3 -0.6,8,5 -0.6,4,5 0.6,0,0 -0.6,4,2 -0.6,5,3 +0.6,5,2 +0.6,4,4 0.6,3,1 -0.6,3,4 -0.6,1,0 -0.6,2,5 -0.6,7,4 -0.6,3,3 -0.6,5,4 -0.6,6,3 +0.6,5,2 +0.6,4,3 +0.6,4,3 0.6,8,5 +0.6,8,6 +0.6,3,3 +0.6,3,6 +0.6,2,2 +0.6,5,7 0.6,5,4 +0.6,2,2 +0.6,5,2 +0.6,5,9 +0.6,6,7 0.6,3,1 -0.6,2,1 -0.6,3,3 -0.6,9,11 -0.6,3,2 0.6,5,7 -0.6,2,1 0.6,4,5 -0.6,4,10 +0.6,4,1 +0.6,4,9 0.6,5,6 -0.6,7,6 -0.6,4,3 -0.6,1,0 -0.6,3,3 -0.6,6,8 -0.6,6,7 -0.6,7,6 -0.6,7,4 -0.6,4,3 -0.6,4,3 -0.6,5,1 +0.6,2,6 0.6,5,8 -0.6,5,4 +0.6,3,1 +0.6,4,2 +0.6,8,6 0.6,2,2 -0.6,5,4 -0.6,6,8 -0.6,6,6 0.6,6,10 -0.6,6,5 +0.6,7,9 +0.6,5,4 +0.6,4,3 +0.6,4,3 0.6,3,4 -0.6,5,2 -0.6,4,5 -0.6,1,3 -0.6,1,0 -0.6,5,1 -0.6,4,5 -0.6,2,1 +0.6,4,3 +0.6,3,3 0.6,5,4 -0.6,5,6 +0.6,1,0 0.6,2,2 -0.6,4,7 -0.6,2,1 -0.6,3,1 +0.6,3,3 0.6,5,7 -0.6,4,3 -0.6,4,2 -0.6,5,2 -0.6,2,3 -0.6,4,3 0.6,2,2 -0.6,1,0 -0.6,6,8 -0.6,6,4 -0.6,4,5 -0.6,4,1 -0.6,6,0 -0.6,6,4 -0.6,4,1 -0.6,7,3 +0.6,3,5 +0.6,3,2 0.6,5,5 -0.6,4,4 0.6,5,3 0.6,3,3 +0.6,3,7 +0.6,7,8 +0.6,4,2 +0.6,4,0 +0.6,5,5 +0.6,1,3 +0.6,7,6 +0.6,7,5 +0.6,7,6 +0.6,8,6 0.6,5,4 -0.6,3,3 +0.6,6,1 +0.6,6,5 +0.6,6,5 +0.6,7,6 0.6,6,6 +0.6,4,4 +0.6,3,1 +0.6,7,3 +0.6,2,1 +0.6,7,6 +0.6,4,4 +0.6,5,8 +0.6,5,3 +0.6,6,4 +0.6,7,5 +0.6,0,0 +0.6,2,2 0.6,3,3 +0.6,4,3 +0.6,4,2 +0.6,4,3 +0.6,6,6 +0.6,3,4 +0.6,7,2 0.6,2,2 -0.6,1,1 -0.6,1,0 +0.6,7,4 +0.6,5,8 +0.6,5,7 +0.6,9,6 +0.6,4,5 +0.6,6,2 +0.6,4,4 0.6,3,1 -0.6,3,6 -0.6,6,6 -0.6,7,5 0.6,4,2 -0.6,5,4 -0.6,5,4 -0.6,3,2 -0.6,10,7 -0.6,2,1 -0.6,4,1 -0.6,5,4 -0.6,8,5 -0.6,5,6 -0.6,2,3 -0.6,6,7 -0.6,8,7 +0.6,3,3 +0.6,1,0 +0.6,7,4 +0.6,2,4 0.6,1,2 -0.6,5,7 +0.6,3,0 +0.6,4,1 +0.6,4,3 0.6,4,2 +0.6,3,7 0.6,3,4 -0.6,4,8 -0.6,5,5 -0.6,8,5 -0.6,5,5 -0.6,2,4 -0.6,4,0 -0.6,3,0 -0.6,7,7 -0.6,9,4 -0.6,8,5 -0.6,3,2 -0.6,7,7 -0.6,3,2 -0.6,7,6 -0.6,8,5 -0.6,6,4 -0.6,3,1 -0.6,5,5 -0.6,6,2 +0.6,3,4 +0.6,7,8 +0.6,4,2 0.6,5,8 +0.6,5,3 +0.6,8,6 +0.6,3,5 +0.6,3,5 0.6,5,5 +0.6,7,1 +0.6,4,2 +0.6,8,6 +0.6,4,3 +0.6,8,6 +0.6,3,3 +0.6,8,8 +0.6,2,5 +0.6,4,8 0.6,2,4 -0.6,1,1 -0.6,2,0 -0.6,6,3 +0.6,7,10 +0.6,4,3 +0.6,4,4 0.6,3,1 -0.6,5,5 -0.6,2,3 -0.6,8,7 -0.6,2,2 +0.6,3,5 +0.6,10,13 +0.6,10,10 0.6,5,3 -0.6,3,6 -0.6,5,5 -0.6,3,3 -0.6,5,1 -0.6,4,1 0.6,3,3 -0.6,3,2 -0.6,3,2 0.6,5,3 +0.6,2,2 +0.6,5,2 0.6,2,0 -0.6,6,6 -0.6,5,3 -0.6,5,4 +0.6,3,1 +0.6,2,3 0.6,3,2 -0.6,4,3 -0.6,4,4 -0.6,3,0 +0.6,3,5 0.6,5,0 +0.6,8,10 +0.6,5,5 +0.6,3,3 +0.6,5,8 0.6,4,3 -0.6,5,6 -0.6,1,2 -0.6,3,2 -0.6,7,6 0.6,8,5 -0.6,3,2 -0.6,1,0 -0.6,5,7 -0.6,4,7 -0.6,3,2 -0.6,4,5 -0.6,5,6 -0.6,2,2 +0.6,8,5 +0.6,3,3 +0.6,7,4 +0.6,6,3 0.6,7,6 -0.6,2,5 +0.6,3,0 0.6,3,4 +0.6,7,4 0.6,6,5 -0.6,7,6 -0.6,6,3 -0.6,2,0 -0.6,5,6 -0.6,6,4 -0.6,5,3 -0.6,6,1 -0.6,3,2 -0.6,2,2 -0.6,2,4 -0.6,8,9 -0.6,8,6 -0.6,5,8 -0.6,2,0 -0.6,5,9 -0.6,8,1 -0.6,4,10 -0.6,3,3 -0.6,7,6 +0.6,3,1 +0.6,6,8 0.6,2,1 -0.6,7,3 +0.6,2,2 0.6,5,3 -0.6,5,5 +0.6,1,2 +0.6,5,1 +0.6,4,4 0.6,5,4 -0.6,7,5 +0.6,6,8 0.6,5,3 -0.6,7,3 -0.6,4,4 +0.6,2,3 +0.6,2,1 +0.6,6,7 +0.6,7,10 +0.6,7,8 0.6,6,5 -0.6,3,1 0.6,4,2 -0.6,1,3 +0.6,4,4 +0.6,5,5 0.6,3,1 0.6,1,2 -0.6,4,7 -0.6,4,8 -0.6,3,0 -0.6,0,0 -0.6,4,5 -0.6,7,6 -0.6,1,2 -0.6,4,3 -0.6,4,1 -0.6,4,5 -0.6,1,2 -0.6,3,7 -0.6,4,5 +0.6,6,7 +0.6,2,2 +0.6,3,5 0.6,4,5 -0.6,7,2 -0.6,5,2 -0.6,7,4 -0.6,4,3 +0.6,4,4 +0.6,5,8 +0.6,5,7 +0.6,6,6 +0.6,4,6 +0.6,6,4 0.6,4,3 0.6,5,3 +0.6,1,2 +0.6,5,4 +0.6,3,4 +0.6,5,5 +0.6,10,9 +0.6,4,9 +0.6,7,9 +0.6,7,6 0.6,3,2 -0.6,2,0 -0.6,3,2 -0.6,3,6 -0.6,4,4 -0.6,7,10 -0.6,1,1 +0.6,5,3 0.6,6,4 -0.6,3,4 -0.6,3,1 +0.6,8,4 +0.6,4,3 0.6,5,2 -0.6,6,8 -0.6,3,1 +0.6,8,6 +0.6,4,5 +0.6,10,5 +0.6,6,4 0.6,3,4 +0.6,5,7 +0.6,5,5 +0.6,0,1 0.6,4,4 -0.6,1,1 -0.6,3,2 -0.6,8,5 -0.6,4,6 -0.6,5,6 -0.6,8,7 -0.6,3,2 -0.6,2,2 -0.6,2,2 -0.6,4,7 +0.6,6,5 +0.6,4,3 +0.6,8,11 0.6,5,3 -0.6,8,8 -0.6,4,6 -0.6,6,6 -0.6,7,5 -0.6,5,2 -0.6,6,7 -0.6,2,2 -0.6,5,6 -0.6,7,7 -0.6,8,8 -0.6,4,4 -0.6,3,8 0.6,4,3 -0.6,9,9 -0.6,1,0 -0.6,7,9 -0.6,4,1 -0.6,3,6 -0.6,4,2 -0.6,1,0 +0.6,6,4 +0.6,5,5 +0.6,7,6 +0.6,3,3 0.6,2,1 -0.6,9,5 +0.6,4,4 0.6,2,0 0.6,4,4 -0.6,4,8 -0.6,3,1 -0.6,4,2 -0.6,5,8 -0.6,3,5 -0.6,3,1 -0.6,3,2 -0.6,4,5 -0.6,8,8 -0.6,1,0 -0.6,2,4 -0.6,10,8 -0.6,4,2 -0.6,6,8 -0.6,3,1 +0.6,7,7 +0.6,7,4 +0.6,2,2 0.6,6,3 -0.6,3,3 -0.6,6,2 -0.6,2,4 -0.6,4,5 -0.6,3,6 -0.6,4,5 -0.6,9,6 -0.6,4,7 +0.6,4,2 +0.6,3,4 0.6,5,6 -0.6,4,7 +0.6,5,6 +0.6,4,1 +0.6,5,3 0.6,2,1 -0.6,1,1 -0.6,3,4 -0.6,6,2 -0.6,6,3 -0.6,6,4 +0.6,4,2 0.6,6,6 +0.6,5,7 +0.6,4,4 +0.6,7,13 0.6,7,8 -0.6,2,3 -0.6,6,9 -0.6,2,1 -0.6,1,0 -0.6,5,3 +0.6,6,1 +0.6,3,1 0.6,2,0 +0.6,3,3 +0.6,5,5 0.6,4,0 +0.6,5,4 +0.6,1,0 +0.6,3,0 +0.6,3,4 +0.6,6,8 0.6,5,3 -0.6,4,0 -0.6,11,13 -0.6,2,2 -0.6,4,5 -0.6,4,0 -0.6,5,8 +0.6,5,1 0.6,4,2 0.6,6,7 -0.6,5,2 -0.6,3,3 -0.6,8,8 -0.6,2,2 -0.6,3,4 -0.6,9,3 +0.6,5,4 +0.6,8,9 +0.6,6,5 0.6,4,3 -0.6,4,6 -0.6,3,2 -0.6,4,1 +0.6,4,2 +0.6,2,0 +0.6,7,2 +0.6,7,6 +0.6,6,6 +0.6,5,5 +0.6,6,7 +0.6,5,5 +0.6,1,1 +0.6,4,2 +0.6,9,4 0.6,6,4 -0.6,4,3 +0.6,1,2 +0.6,2,0 +0.6,3,3 +0.6,4,1 +0.6,3,6 +0.6,7,7 +0.6,3,0 +0.6,3,2 +0.6,3,3 +0.6,6,3 +0.6,8,7 +0.6,7,11 0.6,3,1 -0.6,4,6 -0.6,5,3 -0.6,4,2 -0.6,7,8 +0.6,2,2 +0.6,6,7 +0.6,5,4 0.6,6,5 +0.6,5,4 0.6,1,2 -0.6,5,5 -0.6,4,1 -0.6,5,3 -0.6,6,2 +0.6,6,3 +0.6,1,0 0.6,2,3 0.6,6,4 +0.6,6,5 0.6,4,5 -0.6,6,3 -0.6,4,5 -0.6,3,2 +0.6,2,0 +0.6,2,3 +0.6,5,4 0.6,5,2 -0.6,5,5 -0.6,2,2 -0.6,2,2 -0.6,5,3 -0.6,3,2 +0.6,7,5 +0.6,7,6 0.6,3,3 +0.6,1,0 +0.6,0,0 +0.6,8,12 +0.6,2,4 0.6,3,3 -0.6,4,3 -0.6,6,11 -0.6,1,1 +0.6,2,2 +0.6,3,1 0.6,5,2 -0.6,6,9 -0.6,4,5 -0.6,4,4 -0.6,3,3 -0.6,6,3 +0.6,5,3 0.6,6,3 -0.6,10,11 0.6,5,3 0.6,6,3 -0.6,3,4 -0.6,5,2 +0.6,6,2 +0.6,5,3 +0.6,4,5 +0.6,4,5 +0.6,5,7 +0.6,3,2 +0.6,6,5 +0.6,6,9 +0.6,4,6 +0.6,6,7 0.6,2,1 -0.6,8,10 0.6,3,5 -0.6,3,0 -0.6,7,7 -0.6,7,7 -0.6,6,9 -0.6,8,4 -0.6,7,5 -0.6,4,4 -0.6,4,3 -0.6,9,8 -0.6,5,7 -0.6,5,3 -0.6,10,5 +0.6,5,2 +0.6,2,2 +0.6,8,8 +0.6,5,0 +0.6,8,9 +0.6,2,2 +0.6,2,0 +0.6,3,3 +0.6,9,6 0.6,4,3 +0.6,6,7 0.6,5,3 -0.6,4,4 0.6,3,4 -0.6,4,3 -0.6,4,3 -0.6,2,3 -0.6,7,12 -0.6,8,4 -0.6,5,8 -0.6,5,8 -0.6,2,1 -0.6,4,2 -0.6,8,10 -0.6,3,2 -0.6,3,5 -0.6,7,9 -0.6,7,6 -0.6,7,4 -0.6,7,4 -0.6,4,3 -0.6,7,4 -0.6,2,1 0.6,4,5 +0.6,3,4 +0.6,5,7 +0.6,4,2 0.6,5,2 -0.6,4,3 -0.6,1,2 +0.6,1,1 0.6,6,5 0.6,4,2 -0.6,4,3 -0.6,6,7 -0.6,2,2 -0.6,8,8 -0.6,3,2 -0.6,8,3 -0.6,6,7 -0.6,4,5 +0.6,1,0 +0.6,4,4 +0.6,3,1 +0.6,7,4 0.6,4,6 +0.6,4,4 +0.6,10,3 0.6,3,0 -0.6,5,2 -0.6,3,3 -0.6,6,6 -0.6,6,4 -0.6,7,7 -0.6,4,3 -0.6,4,2 -0.6,5,5 -0.6,3,3 -0.6,9,9 -0.6,5,3 -0.6,6,7 -0.6,7,8 -0.6,8,5 -0.6,4,3 +0.6,9,8 +0.6,5,6 0.6,5,4 -0.6,4,8 +0.6,6,7 +0.6,4,1 +0.6,3,2 +0.6,4,0 +0.6,1,3 +0.6,2,1 0.6,4,4 -0.6,5,4 -0.6,3,6 -0.6,7,3 -0.6,4,3 +0.6,3,4 +0.6,2,0 +0.6,4,4 +0.6,7,7 +0.6,5,6 +0.6,1,0 +0.6,7,8 +0.6,4,5 +0.6,7,4 +0.6,6,7 +0.6,2,2 +0.6,6,2 +0.6,9,11 +0.6,8,7 +0.6,5,6 +0.6,4,6 0.6,5,3 -0.6,5,11 -0.6,3,3 +0.6,8,9 +0.6,3,5 0.6,5,3 -0.6,6,5 -0.6,4,5 -0.6,6,3 +0.6,4,2 0.6,2,1 0.6,3,1 -0.6,2,2 -0.6,5,5 -0.6,3,3 +0.6,6,6 +0.6,7,8 +0.6,6,9 +0.6,10,3 0.6,1,0 -0.6,5,8 -0.6,5,2 0.6,3,4 -0.6,6,4 -0.6,1,2 -0.6,1,1 -0.6,1,0 -0.6,4,1 +0.6,4,0 +0.6,2,5 +0.6,6,7 +0.6,6,6 +0.6,7,10 +0.6,5,7 0.6,6,6 -0.6,6,8 -0.6,1,1 -0.6,2,2 -0.6,3,2 -0.6,6,1 -0.6,4,2 0.6,6,5 -0.6,4,3 -0.6,3,2 -0.6,4,5 -0.6,4,3 -0.6,3,4 0.6,6,7 -0.6,5,5 -0.6,5,3 -0.6,7,5 +0.6,6,4 +0.6,8,9 +0.6,8,2 +0.6,8,6 +0.6,8,5 +0.6,4,3 0.6,4,2 -0.6,7,4 -0.6,5,4 -0.6,3,4 +0.6,5,6 +0.6,6,6 +0.6,1,2 +0.6,6,10 +0.6,2,5 +0.6,2,2 +0.6,2,0 0.6,4,8 -0.6,11,12 -0.6,7,5 -0.6,3,2 -0.6,5,2 -0.6,5,7 -0.6,2,4 -0.6,3,4 -0.6,3,4 -0.6,2,1 -0.6,5,7 -0.6,4,3 -0.6,0,0 -0.6,5,1 -0.6,6,5 -0.6,5,10 +0.6,4,7 +0.6,3,5 0.6,4,4 -0.6,10,10 -0.6,5,1 -0.6,3,3 0.6,4,2 +0.6,5,4 +0.6,7,7 0.6,5,5 -0.6,4,4 -0.6,1,1 -0.6,1,1 -0.6,5,5 -0.6,8,2 -0.6,9,7 -0.6,5,6 +0.6,2,2 +0.6,4,2 +0.6,7,9 +0.6,5,8 +0.6,5,4 +0.6,4,6 +0.6,6,4 +0.6,9,9 +0.6,3,1 0.6,2,3 -0.6,11,11 -0.6,6,7 +0.6,8,9 +0.6,3,2 +0.6,2,2 +0.6,6,4 0.6,6,7 +0.6,6,6 0.6,3,1 -0.6,5,7 -0.6,4,6 -0.6,6,3 -0.6,4,1 -0.6,1,0 -0.6,5,1 -0.6,5,3 -0.6,6,7 -0.6,5,6 -0.6,2,1 -0.6,4,5 +0.6,3,7 0.6,3,3 -0.6,10,14 -0.6,4,2 -0.6,5,2 -0.6,7,4 -0.6,8,6 -0.6,9,7 +0.6,7,3 0.6,6,4 -0.6,5,6 -0.6,8,1 -0.6,7,5 -0.6,1,0 +0.6,3,4 +0.6,7,6 +0.6,6,10 +0.6,1,3 +0.6,6,5 +0.6,3,2 +0.6,6,5 +0.6,4,4 0.6,3,3 -0.6,3,5 -0.6,8,10 -0.6,4,7 +0.6,2,2 +0.6,5,2 +0.6,5,2 +0.6,3,1 +0.6,3,2 0.6,6,6 +0.6,5,4 0.6,2,2 -0.6,2,1 +0.6,5,2 +0.6,4,7 +0.6,7,6 +0.6,8,2 0.6,4,3 -0.6,1,0 -0.6,2,4 -0.6,6,3 -0.6,3,2 +0.6,8,6 +0.6,2,5 0.6,3,3 +0.6,4,1 +0.6,4,2 +0.6,3,1 0.6,2,2 +0.6,3,5 +0.6,0,0 +0.6,6,6 0.6,3,2 -0.6,1,1 -0.6,4,5 +0.6,8,11 0.6,4,3 -0.6,5,6 -0.6,4,2 -0.6,8,8 -0.6,1,3 -0.6,3,2 -0.6,3,3 -0.6,4,6 -0.6,3,3 +0.6,5,1 0.6,4,4 -0.6,6,4 -0.6,1,0 0.6,5,2 -0.6,3,5 0.6,6,6 -0.6,4,4 -0.6,4,3 +0.6,8,3 +0.6,6,11 +0.6,4,1 +0.6,1,0 0.6,5,2 -0.6,5,6 +0.6,8,4 +0.6,3,3 0.6,5,2 +0.6,8,7 +0.6,5,5 +0.6,3,4 +0.6,3,3 0.6,7,6 -0.6,0,0 +0.6,5,7 +0.6,7,4 +0.6,7,6 +0.6,4,2 +0.6,6,7 +0.6,3,3 0.6,2,2 -0.6,7,7 -0.6,6,5 -0.6,7,7 +0.6,6,1 +0.6,3,6 +0.6,3,1 0.6,4,4 -0.6,4,6 -0.6,8,6 -0.6,4,2 -0.6,6,3 -0.6,2,0 -0.6,3,4 -0.6,4,7 -0.6,7,2 -0.6,5,1 +0.6,1,0 +0.6,4,8 +0.6,4,3 +0.6,3,1 +0.6,2,4 +0.6,3,2 +0.6,2,1 +0.6,4,3 +0.6,6,7 +0.6,5,4 0.6,5,7 -0.6,5,8 -0.6,5,5 +0.6,11,4 +0.6,3,0 +0.6,1,1 +0.6,2,4 +0.6,5,1 +0.6,4,1 +0.6,4,1 +0.6,1,1 +0.6,4,1 +0.6,3,1 0.6,3,3 -0.6,5,3 -0.6,5,3 -0.6,4,3 -0.6,2,0 -0.6,4,5 +0.6,3,8 +0.6,5,6 +0.6,6,7 +0.6,2,3 +0.6,6,1 0.6,4,4 -0.6,0,0 0.6,3,4 -0.6,4,4 -0.6,5,4 -0.6,8,9 -0.6,6,4 +0.6,4,5 0.6,2,0 -0.6,7,5 -0.6,3,3 -0.6,4,3 -0.6,2,2 +0.6,5,4 0.6,4,2 -0.6,0,0 -0.6,7,4 -0.6,4,1 -0.6,5,3 -0.6,4,1 -0.6,5,2 +0.6,8,11 0.6,2,1 -0.6,5,10 -0.6,6,7 -0.6,9,8 -0.6,6,3 +0.6,5,1 +0.6,5,5 +0.6,2,2 0.6,4,4 -0.6,5,4 -0.6,6,4 -0.6,6,2 -0.6,2,3 -0.6,4,7 -0.6,6,5 -0.6,4,3 -0.6,7,3 -0.6,5,3 -0.6,2,4 +0.6,9,7 +0.6,10,6 +0.6,3,1 0.6,4,5 +0.6,6,3 +0.6,8,4 0.6,6,6 -0.6,3,3 -0.6,2,0 -0.6,3,7 -0.6,10,10 0.6,6,5 -0.6,3,5 -0.6,5,6 -0.6,3,3 +0.6,3,2 0.6,3,1 +0.6,6,11 +0.6,9,9 +0.6,6,12 +0.6,7,6 +0.6,11,8 0.6,2,1 +0.6,10,6 +0.6,2,1 +0.6,4,5 0.6,5,4 -0.6,6,4 -0.6,3,3 -0.6,4,6 -0.6,6,7 -0.6,2,4 -0.6,4,4 -0.6,4,6 -0.6,6,9 -0.6,7,6 -0.6,3,3 +0.6,3,1 +0.6,5,5 +0.6,5,3 +0.6,6,3 +0.6,4,2 +0.6,7,2 +0.6,1,1 0.6,3,3 -0.6,2,5 +0.6,9,6 +0.6,5,4 +0.6,4,6 +0.6,8,6 +0.6,4,1 0.6,3,3 0.6,4,1 -0.6,5,1 -0.6,5,5 -0.6,6,5 -0.6,0,0 -0.6,6,5 +0.6,4,2 +0.6,6,6 +0.6,1,0 +0.6,5,4 0.6,4,4 +0.6,6,8 +0.6,9,6 +0.6,5,2 +0.6,1,2 +0.6,7,7 +0.6,5,1 +0.6,5,8 +0.6,5,6 0.6,2,2 -0.6,4,7 +0.6,3,3 +0.6,4,1 +0.6,4,3 +0.6,5,2 +0.6,4,3 0.6,0,0 +0.6,5,6 +0.6,6,6 +0.6,5,8 +0.6,8,12 0.6,6,3 +0.6,5,4 +0.6,2,1 0.6,7,4 -0.6,4,1 -0.6,5,8 -0.6,4,5 +0.6,7,5 +0.6,2,3 +0.6,4,7 +0.6,1,0 +0.6,2,1 +0.6,6,9 +0.6,5,4 +0.6,1,1 +0.6,7,5 +0.6,6,3 +0.6,6,8 +0.6,4,3 +0.6,4,2 +0.6,3,3 +0.6,1,0 +0.6,4,4 +0.6,2,4 +0.6,4,3 +0.6,3,4 +0.6,6,5 +0.6,5,6 +0.6,2,2 +0.6,8,7 +0.6,2,3 +0.6,6,6 +0.6,11,12 +0.6,10,9 +0.6,5,5 +0.6,3,2 +0.6,8,3 +0.6,7,8 +0.6,4,3 +0.6,1,2 +0.6,3,1 0.6,2,0 -0.6,4,6 +0.6,3,5 +0.6,4,4 +0.6,3,0 +0.6,3,2 0.6,3,3 -0.6,7,11 -0.6,8,4 0.6,2,3 -0.6,5,9 +0.6,5,6 +0.6,1,0 +0.6,4,3 +0.6,4,6 0.6,5,2 -0.6,11,16 -0.6,5,8 +0.6,7,10 +0.6,6,5 +0.6,6,5 +0.6,2,2 +0.6,1,1 +0.6,2,5 +0.6,2,2 +0.6,4,3 +0.6,8,6 +0.6,8,8 +0.6,5,6 +0.6,9,5 +0.6,9,9 +0.6,8,12 +0.6,4,3 +0.6,2,2 +0.6,5,1 +0.6,4,3 +0.6,3,6 +0.6,3,4 +0.6,3,4 +0.6,5,4 +0.6,6,7 0.6,4,2 +0.6,4,3 +0.6,4,4 +0.6,9,7 +0.6,2,4 +0.6,6,5 +0.6,3,3 +0.6,6,5 +0.6,1,3 0.6,6,3 +0.6,8,2 +0.6,3,2 +0.6,1,0 +0.6,3,3 +0.6,9,9 +0.6,9,8 0.6,6,4 -0.6,6,5 -0.6,8,6 +0.6,2,0 +0.6,6,3 +0.6,8,9 0.6,3,3 +0.6,6,3 0.6,2,1 +0.6,6,4 +0.6,11,7 +0.6,4,2 +0.6,2,0 +0.6,3,1 +0.6,8,12 0.6,4,3 -0.6,1,1 +0.6,5,7 +0.6,6,6 +0.6,5,5 +0.6,6,6 +0.6,4,3 +0.6,4,2 +0.6,2,1 +0.6,4,5 +0.6,3,1 +0.6,3,1 +0.6,4,4 +0.6,5,4 0.6,3,3 -0.6,9,4 -0.6,2,4 -0.6,3,7 -0.6,10,8 -0.7,10,11 -0.7,8,6 -0.7,5,5 -0.7,4,5 -0.7,5,2 -0.7,6,5 -0.7,5,3 -0.7,3,5 -0.7,7,6 -0.7,2,2 -0.7,3,2 +0.6,4,3 +0.6,3,3 +0.6,8,6 +0.6,3,4 +0.6,6,8 +0.6,0,0 +0.6,5,5 +0.6,5,5 +0.6,3,1 +0.6,5,4 +0.6,6,5 +0.6,2,1 +0.6,5,3 +0.6,3,1 +0.6,3,2 +0.6,6,8 +0.6,4,6 +0.6,5,5 +0.6,5,1 +0.6,1,0 +0.6,5,4 +0.6,1,2 +0.6,7,1 +0.6,5,5 +0.6,8,5 +0.6,4,6 +0.6,3,3 +0.6,8,1 +0.6,7,4 +0.6,5,8 +0.6,5,5 +0.6,2,1 +0.7,3,6 +0.7,4,10 +0.7,9,2 +0.7,7,4 +0.7,1,0 +0.7,6,3 +0.7,1,2 +0.7,1,2 0.7,6,8 +0.7,10,4 +0.7,4,4 +0.7,5,5 +0.7,12,12 +0.7,7,8 +0.7,11,8 +0.7,5,7 +0.7,9,12 +0.7,5,4 +0.7,4,3 0.7,3,2 -0.7,3,4 -0.7,6,7 -0.7,3,1 -0.7,7,6 -0.7,7,6 -0.7,4,2 0.7,4,4 -0.7,7,5 -0.7,3,4 -0.7,1,3 -0.7,2,2 +0.7,2,1 +0.7,5,0 +0.7,5,2 +0.7,3,0 0.7,2,2 -0.7,6,4 -0.7,6,4 -0.7,4,6 -0.7,10,8 -0.7,5,3 -0.7,7,3 -0.7,4,2 -0.7,5,3 -0.7,8,8 -0.7,1,0 -0.7,7,7 -0.7,6,4 -0.7,5,6 -0.7,4,2 -0.7,6,3 -0.7,5,6 -0.7,8,11 +0.7,2,0 0.7,7,4 0.7,5,6 -0.7,3,3 -0.7,8,6 +0.7,6,5 +0.7,4,3 +0.7,1,1 +0.7,3,2 0.7,5,3 -0.7,8,4 -0.7,6,7 -0.7,4,1 +0.7,8,6 +0.7,12,13 +0.7,7,5 0.7,4,1 -0.7,2,2 -0.7,10,8 -0.7,10,6 -0.7,6,9 -0.7,5,8 +0.7,4,7 0.7,5,6 -0.7,2,2 -0.7,7,6 -0.7,6,9 -0.7,3,6 -0.7,8,14 -0.7,3,2 -0.7,10,6 -0.7,3,6 -0.7,2,1 -0.7,5,8 -0.7,1,0 +0.7,6,5 +0.7,4,2 +0.7,8,7 +0.7,8,7 0.7,5,8 -0.7,5,4 -0.7,5,4 -0.7,4,4 -0.7,8,4 -0.7,3,3 -0.7,11,9 +0.7,5,2 0.7,4,2 -0.7,3,5 -0.7,1,0 -0.7,5,6 -0.7,7,4 -0.7,7,6 +0.7,12,10 +0.7,1,1 +0.7,7,10 0.7,4,2 -0.7,5,4 +0.7,5,5 +0.7,4,5 0.7,3,1 -0.7,5,4 -0.7,6,4 -0.7,9,7 -0.7,5,2 -0.7,4,1 -0.7,4,4 +0.7,9,6 +0.7,4,5 0.7,4,4 -0.7,4,3 -0.7,3,2 -0.7,5,5 -0.7,5,3 -0.7,3,2 -0.7,7,12 +0.7,2,1 +0.7,6,5 0.7,9,6 +0.7,1,1 0.7,6,7 -0.7,7,2 -0.7,3,2 -0.7,3,5 +0.7,1,3 +0.7,6,11 +0.7,7,4 +0.7,0,0 +0.7,4,5 +0.7,5,4 0.7,4,8 -0.7,9,10 -0.7,4,1 -0.7,6,8 -0.7,7,1 -0.7,3,3 -0.7,6,12 -0.7,8,8 +0.7,6,5 +0.7,4,7 +0.7,5,6 +0.7,5,7 +0.7,5,3 +0.7,2,1 +0.7,2,1 0.7,2,2 -0.7,4,4 -0.7,4,6 -0.7,7,9 -0.7,5,4 -0.7,8,10 -0.7,4,3 -0.7,7,6 -0.7,3,1 +0.7,2,2 +0.7,6,6 +0.7,6,4 +0.7,6,7 +0.7,4,2 +0.7,4,2 0.7,1,0 +0.7,7,7 +0.7,2,2 +0.7,13,6 +0.7,0,1 +0.7,4,1 +0.7,6,4 0.7,5,3 -0.7,4,7 +0.7,10,9 +0.7,5,4 0.7,5,7 -0.7,2,3 -0.7,6,9 -0.7,7,7 -0.7,2,0 -0.7,4,3 +0.7,5,8 +0.7,4,10 +0.7,8,9 +0.7,5,5 +0.7,6,6 0.7,3,2 +0.7,6,6 +0.7,5,6 0.7,4,3 -0.7,0,0 -0.7,6,3 -0.7,3,5 -0.7,5,7 -0.7,7,8 0.7,4,3 -0.7,8,12 -0.7,7,8 +0.7,7,4 +0.7,9,16 +0.7,9,13 0.7,3,1 -0.7,4,1 -0.7,3,5 -0.7,4,6 -0.7,6,5 -0.7,2,1 -0.7,3,3 -0.7,4,3 -0.7,2,4 +0.7,6,3 +0.7,7,3 +0.7,1,2 +0.7,5,6 0.7,3,4 -0.7,1,0 -0.7,4,4 -0.7,6,6 -0.7,4,3 -0.7,5,4 +0.7,3,3 +0.7,7,2 0.7,6,7 -0.7,4,0 -0.7,4,3 -0.7,6,5 -0.7,4,3 +0.7,5,7 +0.7,7,5 0.7,8,9 -0.7,1,0 -0.7,5,5 -0.7,4,2 -0.7,3,2 0.7,6,4 -0.7,4,4 -0.7,5,3 -0.7,8,11 -0.7,7,4 -0.7,6,6 -0.7,9,6 +0.7,5,4 +0.7,4,1 +0.7,3,2 0.7,4,5 -0.7,5,3 +0.7,6,0 +0.7,9,11 +0.7,4,2 +0.7,5,4 +0.7,6,4 0.7,6,2 +0.7,4,3 +0.7,4,3 +0.7,11,8 +0.7,4,2 +0.7,5,10 0.7,6,3 +0.7,5,3 +0.7,3,1 +0.7,3,0 +0.7,6,8 +0.7,4,2 +0.7,5,5 +0.7,2,4 +0.7,4,2 0.7,4,6 -0.7,9,5 -0.7,6,7 -0.7,2,2 -0.7,4,6 -0.7,5,6 -0.7,4,6 -0.7,6,7 -0.7,8,7 -0.7,7,9 0.7,6,3 +0.7,6,6 0.7,6,4 -0.7,2,3 -0.7,4,3 +0.7,6,5 +0.7,4,1 +0.7,5,4 +0.7,6,3 +0.7,3,2 +0.7,5,1 0.7,4,5 -0.7,7,4 -0.7,7,8 +0.7,5,5 0.7,5,3 0.7,4,0 -0.7,10,15 -0.7,3,0 -0.7,7,8 -0.7,6,8 -0.7,1,1 +0.7,5,2 0.7,4,3 -0.7,3,4 -0.7,7,5 0.7,3,5 -0.7,6,4 -0.7,4,3 -0.7,5,7 -0.7,5,4 -0.7,12,8 -0.7,5,4 -0.7,9,11 -0.7,5,3 -0.7,6,4 -0.7,9,1 -0.7,5,3 -0.7,4,5 -0.7,3,3 -0.7,4,7 0.7,2,1 -0.7,7,5 -0.7,6,7 -0.7,3,0 -0.7,6,4 -0.7,7,5 -0.7,7,8 -0.7,3,2 -0.7,4,3 -0.7,5,4 -0.7,7,10 -0.7,8,5 -0.7,5,5 +0.7,3,4 +0.7,3,1 +0.7,6,8 +0.7,3,1 +0.7,4,7 +0.7,5,3 0.7,1,4 -0.7,4,2 +0.7,5,6 0.7,2,3 +0.7,4,1 +0.7,9,10 +0.7,5,1 +0.7,5,2 +0.7,4,4 0.7,4,2 -0.7,5,3 +0.7,7,5 +0.7,8,11 +0.7,5,8 +0.7,4,5 +0.7,5,2 +0.7,15,12 +0.7,2,3 +0.7,6,4 +0.7,6,6 +0.7,3,2 +0.7,8,8 0.7,2,1 +0.7,5,2 +0.7,4,4 0.7,8,7 -0.7,2,1 -0.7,5,4 -0.7,9,9 -0.7,7,10 -0.7,5,4 +0.7,7,11 0.7,3,3 -0.7,8,8 -0.7,6,4 -0.7,6,5 -0.7,7,3 -0.7,2,3 -0.7,4,2 -0.7,6,4 -0.7,7,7 0.7,5,3 -0.7,12,11 -0.7,7,9 -0.7,4,2 +0.7,2,1 +0.7,9,5 +0.7,2,0 +0.7,9,10 +0.7,8,13 +0.7,8,12 +0.7,8,9 +0.7,8,9 +0.7,5,5 +0.7,3,0 +0.7,4,7 +0.7,4,5 +0.7,4,0 +0.7,2,3 +0.7,3,2 0.7,3,2 0.7,5,4 -0.7,8,5 -0.7,3,1 -0.7,6,6 -0.7,3,4 -0.7,3,0 -0.7,9,6 -0.7,4,3 0.7,5,4 -0.7,7,8 -0.7,7,7 +0.7,3,3 +0.7,2,2 +0.7,8,6 +0.7,6,7 +0.7,7,4 +0.7,5,5 +0.7,5,5 +0.7,4,1 +0.7,8,9 +0.7,8,7 +0.7,8,10 +0.7,5,6 +0.7,7,6 +0.7,4,2 +0.7,2,4 +0.7,10,8 +0.7,3,0 0.7,4,4 -0.7,6,4 -0.7,4,6 -0.7,4,3 -0.7,6,2 -0.7,11,4 +0.7,3,2 +0.7,6,11 +0.7,2,1 +0.7,6,6 +0.7,12,12 +0.7,6,6 +0.7,8,6 +0.7,4,2 +0.7,4,7 +0.7,4,2 0.7,1,1 -0.7,6,5 -0.7,4,5 -0.7,4,5 +0.7,4,1 +0.7,5,5 +0.7,2,3 +0.7,5,3 +0.7,5,6 +0.7,6,1 +0.7,4,0 +0.7,5,3 +0.7,9,10 +0.7,6,9 +0.7,3,4 +0.7,3,1 0.7,4,7 -0.7,7,5 +0.7,3,3 +0.7,5,5 +0.7,5,5 +0.7,4,2 +0.7,7,4 +0.7,8,7 +0.7,3,2 0.7,4,3 -0.7,5,4 -0.7,0,0 +0.7,5,8 +0.7,10,11 0.7,2,3 -0.7,6,1 -0.7,8,6 +0.7,4,1 0.7,3,6 -0.7,5,2 -0.7,7,7 -0.7,4,8 +0.7,5,5 +0.7,7,9 +0.7,4,3 0.7,5,4 -0.7,4,8 -0.7,8,8 -0.7,9,7 -0.7,11,7 -0.7,4,4 -0.7,2,4 -0.7,6,5 +0.7,7,11 +0.7,4,3 +0.7,6,4 0.7,3,5 -0.7,6,5 +0.7,6,11 +0.7,1,3 +0.7,5,6 0.7,8,5 -0.7,6,4 +0.7,1,1 +0.7,1,1 +0.7,5,3 +0.7,4,5 +0.7,11,7 +0.7,6,5 0.7,3,5 -0.7,2,0 -0.7,6,6 -0.7,10,5 -0.7,5,4 -0.7,10,8 -0.7,2,3 -0.7,4,2 -0.7,4,9 0.7,6,7 -0.7,6,6 -0.7,6,3 -0.7,4,6 -0.7,5,8 -0.7,2,4 0.7,8,4 -0.7,2,3 -0.7,5,4 -0.7,7,3 -0.7,3,1 -0.7,3,1 -0.7,7,9 -0.7,5,2 -0.7,3,3 -0.7,7,7 +0.7,4,2 0.7,4,3 0.7,5,1 -0.7,4,5 -0.7,5,2 -0.7,3,3 -0.7,4,4 -0.7,9,4 +0.7,5,4 +0.7,2,1 0.7,4,4 -0.7,0,0 -0.7,7,4 +0.7,2,3 +0.7,2,2 0.7,3,1 +0.7,7,3 +0.7,7,6 +0.7,1,0 0.7,5,5 -0.7,2,3 -0.7,5,4 -0.7,3,3 -0.7,7,4 +0.7,9,10 0.7,4,3 -0.7,4,8 -0.7,5,7 -0.7,2,3 -0.7,6,4 -0.7,3,6 +0.7,12,14 +0.7,3,1 0.7,4,5 -0.7,5,5 -0.7,4,0 0.7,5,3 -0.7,6,5 -0.7,4,6 -0.7,3,2 -0.7,4,4 0.7,5,5 -0.7,2,3 -0.7,5,1 -0.7,5,3 -0.7,11,5 -0.7,9,8 -0.7,5,8 -0.7,2,2 -0.7,9,10 +0.7,1,1 +0.7,5,2 +0.7,6,6 +0.7,3,5 0.7,4,3 -0.7,6,5 +0.7,2,1 +0.7,9,9 0.7,2,3 -0.7,7,3 +0.7,1,1 0.7,5,5 -0.7,5,4 -0.7,4,6 -0.7,4,5 +0.7,8,9 0.7,4,4 -0.7,5,10 -0.7,4,3 -0.7,5,4 -0.7,8,6 -0.7,8,7 -0.7,6,3 -0.7,5,6 0.7,3,1 -0.7,7,6 -0.7,9,4 -0.7,4,3 -0.7,1,0 -0.7,6,2 -0.7,7,3 -0.7,4,7 -0.7,6,5 -0.7,6,5 +0.7,11,19 0.7,1,1 -0.7,7,11 -0.7,4,2 -0.7,5,3 -0.7,3,2 -0.7,6,3 -0.7,5,4 -0.7,2,3 -0.7,5,4 -0.7,5,3 -0.7,3,2 -0.7,4,5 -0.7,10,9 -0.7,6,4 -0.7,7,6 -0.7,6,3 -0.7,5,7 +0.7,10,8 0.7,5,6 -0.7,6,3 -0.7,5,4 -0.7,4,7 0.7,6,6 -0.7,10,3 -0.7,4,6 -0.7,5,5 -0.7,8,9 +0.7,6,4 +0.7,3,4 +0.7,1,2 +0.7,8,4 +0.7,3,7 +0.7,6,1 +0.7,6,4 0.7,3,3 -0.7,2,1 -0.7,2,1 +0.7,3,3 +0.7,2,2 0.7,6,2 -0.7,6,10 -0.7,6,3 -0.7,8,6 -0.7,5,1 +0.7,5,5 +0.7,7,8 +0.7,9,8 +0.7,6,8 +0.7,4,11 +0.7,5,6 +0.7,3,2 0.7,4,2 -0.7,7,7 -0.7,5,4 -0.7,3,3 -0.7,7,2 -0.7,3,0 -0.7,4,6 -0.7,4,2 -0.7,1,1 -0.7,4,4 +0.7,4,3 0.7,5,2 +0.7,6,1 +0.7,3,1 +0.7,3,2 +0.7,8,7 +0.7,6,10 +0.7,3,4 +0.7,4,1 +0.7,7,7 +0.7,5,4 +0.7,1,2 +0.7,9,10 +0.7,10,11 +0.7,6,5 +0.7,3,7 +0.7,4,4 0.7,6,6 +0.7,6,5 0.7,5,2 -0.7,2,0 -0.7,5,5 -0.7,9,10 -0.7,3,3 +0.7,4,3 +0.7,4,4 +0.7,2,2 +0.7,4,6 +0.7,8,4 +0.7,8,9 +0.7,1,0 0.7,7,5 +0.7,9,2 +0.7,8,9 +0.7,3,4 +0.7,4,4 0.7,5,5 -0.7,8,7 -0.7,3,2 -0.7,12,5 +0.7,9,4 0.7,9,9 -0.7,7,13 -0.7,10,10 +0.7,10,14 +0.7,7,8 +0.7,6,8 +0.7,4,6 +0.7,4,6 +0.7,4,5 +0.7,4,2 +0.7,11,5 +0.7,2,2 +0.7,6,5 +0.7,7,4 +0.7,4,5 +0.7,8,6 +0.7,7,6 +0.7,10,5 +0.7,7,5 0.7,2,2 +0.7,7,5 0.7,2,3 +0.7,5,4 +0.7,3,4 +0.7,9,4 +0.7,10,12 +0.7,3,4 +0.7,5,6 0.7,6,7 +0.7,10,10 +0.7,4,4 +0.7,8,8 0.7,2,2 -0.7,9,10 +0.7,5,3 +0.7,3,1 +0.7,6,6 +0.7,8,7 +0.7,3,4 0.7,6,4 +0.7,2,5 +0.7,8,4 +0.7,4,5 +0.7,7,7 +0.7,4,9 +0.7,8,8 +0.7,5,6 +0.7,8,3 +0.7,5,7 +0.7,7,6 0.7,3,4 -0.7,4,6 -0.7,2,0 0.7,7,9 -0.7,4,4 +0.7,7,4 +0.7,2,2 +0.7,4,6 +0.7,4,11 +0.7,3,2 +0.7,3,2 +0.7,6,4 +0.7,2,2 0.7,3,1 +0.7,4,5 0.7,5,2 -0.7,6,5 -0.7,6,3 -0.7,8,1 -0.7,7,8 -0.7,4,3 -0.7,5,4 -0.7,4,3 +0.7,8,7 +0.7,6,2 0.7,3,3 +0.7,4,3 +0.7,10,18 +0.7,5,3 +0.7,8,7 +0.7,5,6 0.7,5,2 +0.7,4,5 +0.7,4,3 0.7,6,7 +0.7,7,8 +0.7,8,3 +0.7,4,5 +0.7,6,3 +0.7,7,2 +0.7,1,2 +0.7,6,2 +0.7,4,2 +0.7,3,3 +0.7,2,0 +0.7,3,1 0.7,5,4 +0.7,3,5 +0.7,4,3 0.7,5,3 -0.7,3,8 -0.7,7,6 -0.7,5,4 -0.7,4,4 0.7,6,6 -0.7,7,11 -0.7,4,3 -0.7,6,5 -0.7,6,7 0.7,3,1 -0.7,6,2 0.7,3,3 -0.7,8,9 +0.7,7,3 +0.7,9,8 +0.7,6,8 +0.7,5,1 +0.7,4,5 +0.7,3,3 +0.7,4,5 0.7,5,4 +0.7,6,3 +0.7,3,2 +0.7,7,3 +0.7,4,3 +0.7,8,10 +0.7,3,3 +0.7,8,6 +0.7,4,2 +0.7,8,6 0.7,4,4 -0.7,4,7 -0.7,7,5 +0.7,5,10 +0.7,3,1 +0.7,3,3 +0.7,2,1 +0.7,0,0 0.7,3,0 -0.7,7,4 -0.7,4,5 -0.7,4,3 -0.7,2,3 -0.7,4,3 -0.7,5,1 -0.7,7,4 +0.7,9,9 +0.7,6,5 0.7,7,5 +0.7,9,1 +0.7,3,2 +0.7,6,7 +0.7,5,5 0.7,4,6 -0.7,4,5 -0.7,7,14 -0.7,9,6 -0.7,5,7 -0.7,4,0 -0.7,6,6 +0.7,0,1 +0.7,5,8 0.7,4,6 -0.7,5,9 -0.7,2,3 -0.7,1,1 -0.7,5,5 -0.7,5,7 0.7,6,5 -0.7,9,8 -0.7,1,0 +0.7,9,6 +0.7,8,2 +0.7,6,4 +0.7,4,5 +0.7,7,3 +0.7,8,7 +0.7,4,4 +0.7,6,3 +0.7,2,2 +0.7,6,10 0.7,3,2 -0.7,3,5 -0.7,5,3 -0.7,3,3 -0.7,4,7 -0.7,3,5 +0.7,3,2 +0.7,2,2 +0.7,3,2 +0.7,7,4 +0.7,4,3 +0.7,4,5 0.7,5,1 -0.7,8,8 +0.7,1,0 0.7,5,4 -0.7,3,2 -0.7,3,1 -0.7,2,1 -0.7,11,10 +0.7,6,3 0.7,5,4 -0.7,3,3 -0.7,8,7 -0.7,5,5 -0.7,8,6 -0.7,8,9 -0.7,6,2 -0.7,5,5 -0.7,7,8 -0.7,4,4 -0.7,6,5 +0.7,2,2 +0.7,2,2 +0.7,10,11 +0.7,1,2 +0.7,5,6 +0.7,2,1 +0.7,7,6 +0.7,8,10 +0.7,5,9 +0.7,6,7 0.7,6,8 -0.7,9,13 -0.7,7,5 -0.7,5,2 +0.7,4,5 +0.7,4,5 +0.7,6,5 0.7,3,2 +0.7,7,7 +0.7,8,5 +0.7,8,6 +0.7,7,9 +0.7,2,2 0.7,4,2 -0.7,5,1 -0.7,6,6 +0.7,3,2 0.7,6,5 -0.7,4,2 +0.7,1,1 0.7,5,4 -0.7,4,1 +0.7,7,6 +0.7,5,5 +0.7,4,3 +0.7,7,5 +0.7,5,3 +0.7,6,7 +0.7,8,1 +0.7,2,4 +0.7,11,6 0.7,4,3 -0.7,5,0 -0.7,0,0 0.7,7,7 -0.7,3,4 +0.7,3,3 +0.7,5,4 +0.7,4,5 +0.7,5,7 +0.7,7,8 0.7,3,1 -0.7,6,2 -0.7,5,2 -0.7,5,2 -0.7,3,2 -0.7,7,2 -0.7,1,0 -0.7,11,9 -0.7,5,7 +0.7,4,3 0.7,5,5 -0.7,1,0 -0.7,5,4 -0.7,3,5 -0.7,3,2 -0.7,8,8 -0.7,3,1 -0.7,4,4 -0.7,4,1 -0.7,5,3 -0.7,3,1 -0.7,11,12 -0.7,3,5 -0.7,5,10 -0.7,8,9 -0.7,5,2 -0.7,1,2 -0.7,3,3 -0.7,8,6 0.7,5,7 -0.7,5,4 -0.7,6,1 -0.7,6,8 -0.7,3,2 -0.7,3,2 +0.7,11,7 +0.7,5,6 +0.7,6,11 +0.7,10,9 +0.7,7,10 +0.7,8,6 +0.7,8,7 0.7,5,3 +0.7,8,6 0.7,2,3 -0.7,5,2 -0.7,8,12 -0.7,9,13 -0.7,4,4 -0.7,7,8 -0.7,5,2 +0.7,4,5 +0.7,9,11 0.7,4,4 -0.7,4,3 -0.7,8,8 +0.7,7,6 +0.7,5,5 +0.7,8,9 +0.7,11,12 +0.7,6,11 0.7,1,1 -0.7,9,9 -0.7,6,5 +0.7,13,11 +0.7,8,5 0.7,7,3 -0.7,6,6 -0.7,5,5 -0.7,4,1 0.7,3,2 -0.7,8,6 -0.7,9,6 -0.7,2,2 -0.7,6,2 -0.7,4,4 -0.7,4,1 -0.7,5,5 -0.7,6,6 -0.7,6,3 -0.7,4,7 -0.7,6,8 -0.7,4,7 +0.7,4,3 0.7,6,9 -0.7,8,8 -0.7,1,1 -0.7,4,1 -0.7,4,9 -0.7,8,10 -0.7,7,7 +0.7,5,4 +0.7,7,6 +0.7,8,7 +0.7,1,0 +0.7,3,2 +0.7,3,3 +0.7,8,7 0.7,5,5 +0.7,2,3 +0.7,4,4 +0.7,10,8 +0.7,3,3 +0.7,4,3 +0.7,9,4 +0.7,5,1 +0.7,2,1 +0.7,5,4 +0.7,5,6 0.7,5,3 -0.7,3,6 -0.7,4,5 -0.7,4,5 -0.7,7,4 +0.7,3,4 0.7,4,5 +0.7,2,2 +0.7,9,3 +0.7,10,12 +0.7,6,5 +0.7,9,9 +0.7,8,7 +0.7,8,10 +0.7,10,9 +0.7,4,4 +0.7,3,1 +0.7,6,6 +0.7,2,1 +0.7,8,6 +0.7,5,3 +0.7,3,5 0.7,4,5 +0.7,8,5 +0.7,3,4 +0.7,6,3 +0.7,4,3 0.7,3,3 -0.7,5,5 -0.7,5,5 -0.7,7,5 -0.7,1,0 -0.7,4,1 -0.7,7,6 -0.7,4,5 -0.7,2,1 -0.7,5,4 -0.7,5,4 -0.7,5,4 -0.7,3,2 -0.7,5,8 +0.7,5,3 0.7,2,0 -0.7,6,4 -0.7,12,9 -0.7,4,2 -0.7,7,7 -0.7,7,9 0.7,3,1 -0.7,6,2 -0.7,6,3 -0.7,1,2 -0.7,1,0 +0.7,2,1 0.7,6,4 -0.7,7,9 -0.7,4,0 +0.7,6,3 0.7,5,2 +0.7,4,6 +0.7,5,5 +0.7,1,2 +0.7,5,5 +0.7,4,7 +0.7,4,5 0.7,5,2 -0.7,6,7 -0.7,8,4 -0.7,1,1 -0.7,4,4 -0.7,9,6 0.7,5,5 -0.7,9,5 +0.7,6,2 0.7,3,4 +0.7,6,6 +0.7,5,5 0.7,5,4 -0.7,4,2 -0.7,8,9 +0.7,8,8 0.7,7,6 -0.7,3,1 -0.7,6,9 -0.7,11,5 -0.7,2,2 -0.7,5,5 -0.7,4,1 -0.7,6,4 -0.7,5,3 -0.7,6,5 -0.7,5,3 -0.7,7,7 +0.7,3,3 +0.7,3,5 +0.7,4,5 +0.7,7,6 +0.7,2,3 +0.7,2,1 +0.7,6,6 0.7,5,4 -0.7,6,3 -0.7,0,0 0.7,5,5 -0.7,6,3 -0.7,4,1 -0.7,3,2 -0.7,7,7 -0.7,4,2 -0.7,7,2 -0.7,6,9 -0.7,8,10 -0.7,5,4 0.7,3,2 -0.7,7,8 -0.7,9,6 -0.7,3,6 -0.7,5,7 -0.7,5,9 -0.7,9,10 -0.7,4,8 -0.7,7,7 -0.7,7,5 +0.7,4,6 +0.7,7,3 +0.7,6,3 +0.7,6,1 0.7,5,2 -0.7,9,4 -0.7,3,4 +0.7,3,5 +0.7,4,7 +0.7,10,10 0.7,5,5 -0.7,7,7 -0.7,10,6 -0.7,2,0 0.7,3,3 -0.7,5,6 -0.7,4,1 -0.7,5,7 -0.7,7,3 -0.7,4,3 0.7,5,3 -0.7,5,5 +0.7,3,4 +0.7,4,5 0.7,4,1 -0.7,5,4 -0.7,5,9 -0.7,5,5 -0.7,8,6 -0.7,6,3 +0.7,6,1 +0.7,2,2 +0.7,4,1 +0.7,6,7 0.7,4,3 +0.7,2,2 +0.7,8,8 +0.7,2,3 +0.7,3,1 +0.7,5,3 +0.7,2,0 +0.7,9,3 0.7,4,1 -0.7,3,5 -0.7,8,4 -0.7,6,4 +0.7,5,8 +0.7,1,4 +0.7,4,9 +0.7,2,4 0.7,7,11 -0.7,6,3 -0.7,1,2 -0.7,7,7 -0.7,1,1 +0.7,4,5 0.7,7,4 +0.7,7,5 +0.7,7,6 +0.7,4,3 +0.7,3,3 +0.7,9,8 +0.7,8,9 0.7,5,5 -0.7,8,10 -0.7,6,7 -0.7,4,2 -0.7,8,8 +0.7,3,6 +0.7,5,8 0.7,4,3 -0.7,5,1 -0.7,6,5 -0.7,4,4 -0.7,8,6 -0.7,4,5 -0.7,6,2 -0.7,6,8 -0.7,5,4 -0.7,4,2 -0.7,9,9 -0.7,7,6 -0.7,4,4 -0.7,2,3 -0.7,9,7 -0.7,5,6 -0.7,5,6 +0.7,5,3 +0.7,6,3 +0.7,2,2 0.7,7,6 -0.7,8,5 0.7,1,2 -0.7,5,4 -0.7,7,12 -0.7,3,2 -0.7,4,3 -0.7,10,11 -0.7,7,5 -0.7,9,10 +0.7,7,10 0.7,5,1 -0.7,1,3 -0.7,4,3 -0.7,6,6 -0.7,3,1 0.7,3,2 -0.7,4,2 -0.7,6,5 -0.7,7,10 -0.7,2,1 +0.7,4,7 +0.7,5,4 +0.7,8,4 0.7,4,7 0.7,4,5 -0.7,6,4 0.7,7,10 -0.7,4,5 -0.7,6,3 -0.7,7,8 +0.7,9,14 +0.7,0,0 +0.7,5,4 +0.7,2,3 0.7,3,4 -0.7,5,5 -0.7,4,5 -0.7,6,6 -0.7,4,5 -0.7,4,4 -0.7,7,3 -0.7,7,4 -0.7,7,8 -0.7,4,3 -0.7,7,9 +0.7,5,8 +0.7,3,0 +0.7,3,1 +0.7,4,7 +0.7,7,7 0.7,3,4 -0.7,5,2 -0.7,3,3 +0.7,3,2 +0.7,9,7 0.7,4,1 -0.7,5,2 -0.7,3,3 -0.7,3,3 -0.7,6,4 -0.7,7,7 -0.7,2,3 -0.7,5,10 +0.7,4,4 +0.7,7,8 +0.7,4,4 +0.7,5,3 +0.7,3,2 +0.7,3,7 +0.7,0,0 +0.7,2,2 +0.7,4,4 +0.7,4,4 0.7,7,5 -0.7,5,5 -0.7,8,16 -0.7,5,5 -0.7,8,14 -0.7,5,5 -0.7,6,8 0.7,7,5 -0.7,7,10 -0.7,3,0 -0.7,3,4 -0.7,3,3 -0.7,5,4 -0.7,6,1 -0.7,4,6 -0.7,7,4 -0.7,5,9 -0.7,3,4 -0.7,3,6 -0.7,1,1 +0.7,7,3 +0.7,9,6 +0.7,7,5 0.7,3,2 -0.7,2,3 0.7,4,4 -0.7,3,1 -0.7,5,5 -0.7,5,5 -0.7,3,5 -0.7,3,4 -0.7,8,5 -0.7,4,9 -0.7,3,1 -0.7,8,9 +0.7,1,1 +0.7,5,1 +0.7,7,13 0.7,4,3 +0.7,8,3 0.7,4,3 -0.7,6,2 -0.7,2,2 -0.7,6,4 -0.7,11,6 -0.7,4,5 -0.7,5,7 -0.7,6,5 -0.7,9,6 +0.7,3,2 0.7,5,3 +0.7,9,9 0.7,7,5 +0.7,8,12 +0.7,3,2 +0.7,3,4 +0.7,5,6 +0.7,5,2 +0.7,4,2 +0.7,6,7 +0.7,10,8 +0.7,2,1 +0.7,3,2 +0.7,5,9 +0.7,8,7 +0.7,9,8 +0.7,6,4 +0.7,4,3 +0.7,4,3 +0.7,5,1 0.7,5,3 -0.7,5,8 -0.7,4,4 +0.7,6,5 +0.7,4,3 +0.7,5,4 +0.7,5,3 +0.7,6,5 0.7,3,5 -0.7,4,7 0.7,3,3 -0.7,1,1 -0.7,7,4 -0.7,5,6 -0.7,8,5 -0.7,8,5 -0.7,5,0 +0.7,8,10 0.7,3,3 +0.7,4,4 +0.7,2,0 +0.7,4,2 0.7,6,8 -0.7,4,1 -0.7,9,4 -0.7,6,2 -0.7,5,1 -0.7,4,3 -0.7,5,9 -0.7,1,2 -0.7,7,6 -0.7,3,3 -0.7,6,5 -0.7,5,7 0.7,2,3 +0.7,5,4 0.7,6,4 -0.7,4,2 -0.7,6,5 -0.7,8,9 +0.7,9,12 +0.7,5,3 +0.7,4,6 +0.7,5,11 +0.7,1,0 +0.7,3,0 +0.7,7,5 +0.7,8,5 +0.7,2,2 +0.7,4,4 0.7,3,2 +0.7,8,8 +0.7,5,4 +0.7,5,6 +0.7,3,4 +0.7,6,5 +0.7,2,1 +0.7,4,4 +0.7,7,4 +0.7,9,10 +0.7,8,7 +0.7,6,9 +0.7,0,0 +0.7,7,9 0.7,3,4 +0.7,9,10 +0.7,9,10 +0.7,2,0 +0.7,6,4 +0.7,3,1 0.7,4,3 +0.7,7,7 +0.7,3,1 +0.7,2,2 +0.7,4,4 +0.7,4,6 +0.7,4,11 +0.7,2,1 +0.7,4,1 +0.7,12,11 +0.7,5,5 +0.7,5,5 +0.7,5,6 +0.7,5,3 +0.7,5,3 +0.7,11,3 +0.7,5,7 +0.7,8,7 0.7,6,3 0.7,4,3 -0.7,2,3 -0.7,5,4 -0.7,6,3 -0.7,6,6 -0.7,4,2 -0.7,1,2 +0.7,3,2 +0.7,4,3 +0.7,4,1 +0.7,5,2 +0.7,5,5 +0.7,9,3 +0.7,6,7 +0.7,5,7 +0.7,1,3 +0.7,3,5 +0.7,11,9 +0.7,7,9 +0.7,3,4 +0.7,3,2 +0.7,3,2 0.7,6,1 +0.7,9,4 +0.7,9,4 0.7,5,4 -0.7,3,0 -0.7,5,7 +0.7,6,6 +0.7,5,3 +0.7,4,4 +0.7,5,9 +0.7,3,1 0.7,4,2 0.7,4,4 -0.7,6,1 -0.7,6,5 +0.7,3,3 +0.7,9,7 +0.7,2,4 +0.7,6,4 0.7,3,4 -0.7,4,2 -0.7,6,9 -0.7,7,10 -0.7,6,6 -0.7,1,0 +0.7,2,1 +0.7,4,4 0.7,5,2 -0.7,2,0 -0.7,5,3 -0.7,6,9 -0.7,5,4 -0.7,6,8 -0.7,8,6 -0.7,7,8 +0.7,4,5 0.7,3,2 -0.7,4,4 -0.7,10,4 +0.7,5,3 +0.7,5,2 +0.7,4,5 0.7,7,3 +0.7,4,4 +0.7,1,1 +0.7,9,8 +0.7,6,5 0.7,5,2 -0.7,2,4 -0.7,7,4 -0.7,4,3 +0.7,8,6 +0.7,8,5 +0.7,6,6 0.7,3,2 -0.7,6,3 +0.7,5,8 +0.7,6,1 +0.7,2,0 0.7,4,2 -0.7,5,7 -0.7,0,1 -0.7,2,4 +0.7,5,8 +0.7,4,5 +0.7,3,1 0.7,6,7 -0.7,7,11 -0.7,7,4 0.7,6,4 -0.7,6,5 -0.7,1,3 0.7,5,2 -0.7,7,3 -0.7,2,3 -0.7,6,4 -0.7,6,3 -0.7,6,8 -0.7,11,9 +0.7,5,6 +0.7,5,4 +0.7,5,6 +0.7,6,7 +0.7,1,4 +0.7,4,5 +0.7,4,2 +0.7,8,13 +0.7,8,6 +0.7,3,4 +0.7,3,1 0.7,3,2 -0.7,7,6 -0.7,4,4 -0.7,7,12 -0.7,9,4 -0.7,5,1 -0.7,10,9 -0.7,4,3 -0.7,7,7 -0.7,4,3 +0.7,5,5 0.7,6,6 -0.7,7,1 +0.7,7,4 +0.7,4,4 +0.7,4,5 +0.7,8,4 +0.7,9,2 +0.7,11,7 0.7,4,2 -0.7,2,1 -0.7,4,6 +0.7,3,1 0.7,3,3 +0.7,2,2 +0.7,2,4 0.7,2,3 -0.7,4,1 -0.7,5,5 +0.7,5,6 +0.7,1,2 +0.7,3,6 +0.7,6,3 0.7,4,4 -0.7,6,4 -0.7,7,5 -0.7,8,5 -0.7,5,4 -0.7,10,7 -0.7,4,6 +0.7,3,6 +0.7,6,2 +0.7,5,5 +0.7,2,2 +0.7,8,8 +0.7,5,9 +0.7,6,1 +0.7,1,2 +0.7,6,7 +0.7,3,2 +0.7,6,7 +0.7,5,3 0.7,4,5 -0.7,7,9 -0.7,3,4 -0.7,9,9 +0.7,7,4 +0.7,3,3 0.7,6,6 -0.7,8,5 -0.7,11,8 -0.7,3,4 -0.7,7,7 -0.7,3,2 0.7,1,0 +0.7,2,1 +0.7,1,1 +0.7,4,2 +0.7,6,5 +0.7,9,8 +0.7,4,2 +0.7,3,2 +0.7,6,8 +0.7,2,3 +0.7,2,0 +0.7,6,4 +0.7,7,4 +0.7,2,1 +0.7,2,1 0.7,7,5 +0.7,8,3 +0.7,4,4 +0.7,5,4 +0.7,3,2 +0.7,8,9 +0.7,8,7 0.7,3,1 -0.7,9,7 -0.7,7,3 +0.7,3,1 +0.7,4,3 +0.7,10,2 +0.7,3,3 +0.7,3,1 +0.7,6,7 0.7,4,2 -0.7,7,5 +0.7,3,3 +0.7,8,9 0.7,4,2 -0.7,6,7 -0.7,6,4 -0.7,4,5 -0.7,2,5 -0.7,3,4 -0.7,2,3 -0.8,6,4 -0.8,6,6 +0.7,4,3 +0.7,7,3 +0.7,2,6 +0.7,2,0 +0.7,2,1 +0.7,6,5 +0.8,7,5 +0.8,10,5 0.8,3,1 -0.8,1,0 -0.8,5,4 -0.8,10,10 -0.8,6,6 -0.8,3,2 -0.8,6,7 -0.8,7,6 -0.8,4,4 -0.8,6,3 -0.8,3,5 -0.8,7,4 -0.8,3,0 -0.8,6,1 -0.8,8,4 -0.8,3,3 -0.8,6,8 +0.8,4,3 +0.8,8,7 +0.8,3,6 +0.8,5,3 +0.8,9,7 +0.8,2,0 0.8,6,7 -0.8,6,4 -0.8,6,4 +0.8,4,6 0.8,6,6 -0.8,4,4 -0.8,4,3 +0.8,10,11 +0.8,6,4 +0.8,6,2 +0.8,3,3 0.8,5,4 -0.8,4,2 -0.8,6,7 -0.8,10,8 -0.8,6,8 -0.8,8,7 -0.8,5,2 -0.8,5,5 0.8,7,5 -0.8,5,5 -0.8,2,1 -0.8,4,9 -0.8,2,2 -0.8,4,3 -0.8,3,3 +0.8,6,4 0.8,6,5 -0.8,8,8 0.8,4,7 -0.8,3,3 -0.8,5,5 +0.8,9,16 0.8,4,4 -0.8,7,10 -0.8,4,6 0.8,5,4 -0.8,4,4 -0.8,8,10 -0.8,3,3 -0.8,5,3 -0.8,2,3 -0.8,11,15 -0.8,7,5 +0.8,9,7 +0.8,5,4 +0.8,5,6 +0.8,5,7 0.8,4,3 -0.8,4,0 -0.8,1,1 -0.8,2,1 -0.8,9,1 -0.8,4,1 +0.8,6,6 +0.8,6,7 +0.8,9,12 +0.8,7,7 +0.8,6,6 0.8,5,4 -0.8,10,10 -0.8,6,5 -0.8,8,5 -0.8,8,12 -0.8,6,5 +0.8,3,2 +0.8,7,5 0.8,4,5 -0.8,12,12 -0.8,6,10 -0.8,3,4 -0.8,3,1 -0.8,7,3 -0.8,7,6 +0.8,6,9 0.8,9,5 -0.8,6,7 -0.8,2,3 -0.8,3,2 -0.8,5,10 -0.8,5,7 -0.8,7,3 -0.8,4,3 +0.8,5,6 +0.8,5,4 +0.8,5,2 +0.8,5,1 +0.8,6,4 +0.8,10,11 0.8,5,5 -0.8,2,1 -0.8,5,7 +0.8,10,8 +0.8,11,12 +0.8,5,1 +0.8,6,5 0.8,4,4 -0.8,1,4 +0.8,2,3 +0.8,5,10 +0.8,5,4 +0.8,8,7 +0.8,7,4 +0.8,10,4 +0.8,6,9 0.8,8,8 -0.8,2,1 -0.8,4,7 -0.8,5,6 +0.8,3,8 +0.8,4,5 +0.8,7,12 +0.8,8,14 +0.8,6,6 +0.8,6,5 +0.8,8,4 +0.8,8,7 +0.8,13,13 0.8,9,12 +0.8,4,3 0.8,4,2 +0.8,5,1 0.8,6,6 +0.8,3,1 +0.8,11,12 +0.8,7,6 +0.8,5,3 +0.8,9,13 +0.8,2,1 +0.8,8,5 +0.8,6,10 +0.8,3,2 +0.8,7,6 +0.8,9,9 +0.8,4,8 +0.8,9,10 +0.8,4,4 +0.8,2,1 +0.8,10,14 +0.8,7,6 +0.8,4,3 0.8,4,2 +0.8,11,9 +0.8,5,7 +0.8,2,0 +0.8,4,6 +0.8,9,12 +0.8,5,2 +0.8,6,4 +0.8,3,2 +0.8,5,7 +0.8,5,2 0.8,7,6 +0.8,3,1 +0.8,2,2 0.8,4,4 +0.8,9,6 +0.8,4,3 +0.8,10,5 +0.8,3,2 +0.8,3,2 +0.8,4,5 0.8,4,2 -0.8,6,6 +0.8,4,4 +0.8,5,7 +0.8,7,13 +0.8,3,5 +0.8,1,2 +0.8,2,1 +0.8,5,6 +0.8,6,3 0.8,5,5 -0.8,3,3 -0.8,2,3 -0.8,6,2 +0.8,4,4 +0.8,3,2 +0.8,3,2 0.8,6,5 -0.8,5,4 -0.8,8,6 -0.8,6,2 -0.8,7,6 -0.8,4,7 -0.8,2,3 -0.8,5,5 -0.8,3,5 -0.8,4,6 -0.8,4,10 -0.8,10,5 +0.8,8,3 +0.8,5,3 0.8,5,6 +0.8,4,2 +0.8,2,5 +0.8,7,3 +0.8,6,7 +0.8,7,8 +0.8,3,5 +0.8,2,1 +0.8,4,0 +0.8,9,8 +0.8,7,6 +0.8,6,5 +0.8,6,7 +0.8,4,4 0.8,3,0 -0.8,2,4 -0.8,5,3 +0.8,5,5 +0.8,5,8 +0.8,4,4 0.8,3,3 +0.8,4,4 0.8,6,4 -0.8,6,7 -0.8,6,10 +0.8,10,15 +0.8,7,5 +0.8,6,8 +0.8,4,2 +0.8,2,3 +0.8,7,6 +0.8,12,9 +0.8,1,2 +0.8,9,7 +0.8,5,4 +0.8,5,4 0.8,7,7 -0.8,10,7 -0.8,5,5 -0.8,8,9 -0.8,4,1 +0.8,1,3 0.8,7,11 -0.8,6,10 -0.8,10,4 -0.8,7,2 -0.8,4,1 -0.8,10,9 -0.8,6,3 -0.8,5,4 -0.8,4,2 -0.8,4,2 -0.8,3,3 -0.8,5,3 -0.8,3,0 -0.8,3,4 -0.8,9,5 -0.8,11,13 -0.8,13,9 -0.8,4,2 -0.8,9,4 -0.8,4,4 -0.8,9,10 +0.8,7,4 +0.8,3,5 0.8,4,5 -0.8,3,6 -0.8,8,7 -0.8,6,2 -0.8,7,7 -0.8,7,6 -0.8,7,5 +0.8,7,11 +0.8,9,9 0.8,4,4 -0.8,5,7 -0.8,4,2 +0.8,4,3 +0.8,6,10 +0.8,6,7 +0.8,5,2 +0.8,8,9 0.8,3,2 -0.8,5,6 -0.8,10,4 -0.8,9,10 -0.8,8,8 -0.8,7,7 -0.8,3,7 -0.8,8,10 -0.8,5,6 -0.8,7,7 +0.8,6,6 +0.8,5,5 +0.8,1,2 +0.8,6,8 +0.8,6,7 +0.8,7,4 +0.8,6,3 0.8,8,7 0.8,4,6 -0.8,9,12 -0.8,7,7 -0.8,5,7 -0.8,9,6 -0.8,7,8 -0.8,8,3 -0.8,4,3 +0.8,5,3 +0.8,4,1 +0.8,9,11 +0.8,3,2 +0.8,6,4 +0.8,3,0 +0.8,5,4 +0.8,10,8 +0.8,10,8 0.8,6,5 -0.8,4,3 +0.8,3,3 +0.8,8,11 0.8,7,5 -0.8,9,5 -0.8,3,1 -0.8,4,3 +0.8,8,6 +0.8,7,6 0.8,5,7 -0.8,7,11 +0.8,9,9 +0.8,4,3 +0.8,8,8 +0.8,8,10 0.8,5,4 -0.8,5,6 -0.8,6,10 -0.8,13,11 +0.8,4,3 0.8,2,1 -0.8,7,14 -0.8,3,1 -0.8,5,4 -0.8,5,3 -0.8,3,2 -0.8,1,1 -0.8,5,6 -0.8,3,0 -0.8,10,6 +0.8,8,6 +0.8,3,4 +0.8,7,5 0.8,6,7 -0.8,8,4 -0.8,7,6 -0.8,6,6 -0.8,4,1 -0.8,2,0 -0.8,2,2 -0.8,4,5 -0.8,5,3 -0.8,9,5 -0.8,6,6 -0.8,10,6 -0.8,4,2 -0.8,5,3 -0.8,3,1 -0.8,3,3 0.8,5,5 -0.8,5,6 -0.8,7,4 -0.8,3,1 -0.8,8,5 -0.8,2,3 -0.8,2,2 +0.8,3,2 +0.8,7,3 0.8,4,3 -0.8,5,10 -0.8,3,1 -0.8,5,5 -0.8,1,1 -0.8,4,1 -0.8,5,5 -0.8,6,9 -0.8,7,16 -0.8,10,8 -0.8,10,5 +0.8,9,8 +0.8,8,1 0.8,4,6 -0.8,1,3 -0.8,7,5 -0.8,7,2 -0.8,2,0 -0.8,4,7 -0.8,3,3 +0.8,0,0 +0.8,6,3 +0.8,6,5 +0.8,7,3 +0.8,5,5 +0.8,3,2 +0.8,4,3 +0.8,7,15 +0.8,4,5 0.8,5,3 -0.8,4,1 +0.8,3,2 +0.8,7,7 +0.8,7,7 0.8,8,7 -0.8,6,5 0.8,2,2 -0.8,12,6 -0.8,6,6 -0.8,8,4 -0.8,4,6 -0.8,7,7 -0.8,5,1 -0.8,5,5 -0.8,5,6 -0.8,5,5 -0.8,5,4 -0.8,2,3 -0.8,7,1 -0.8,5,6 -0.8,4,3 -0.8,5,5 -0.8,5,7 -0.8,10,1 -0.8,5,6 -0.8,5,6 -0.8,10,12 -0.8,3,3 -0.8,5,4 -0.8,4,1 -0.8,7,7 -0.8,7,6 -0.8,8,10 0.8,4,2 -0.8,6,1 -0.8,7,6 -0.8,4,3 -0.8,5,1 -0.8,7,1 -0.8,7,3 -0.8,4,3 -0.8,2,2 -0.8,9,4 -0.8,3,3 -0.8,4,3 -0.8,6,3 -0.8,5,6 -0.8,4,3 -0.8,5,7 -0.8,9,6 +0.8,6,9 +0.8,6,2 0.8,3,4 +0.8,9,14 +0.8,9,14 +0.8,6,5 0.8,6,5 -0.8,8,8 -0.8,5,6 -0.8,7,10 -0.8,9,8 -0.8,5,6 -0.8,1,4 -0.8,5,6 -0.8,6,1 -0.8,8,5 -0.8,4,3 -0.8,4,1 -0.8,11,9 -0.8,7,3 -0.8,5,6 -0.8,4,1 -0.8,4,3 -0.8,6,11 -0.8,4,3 -0.8,2,3 -0.8,4,3 -0.8,4,2 -0.8,1,1 0.8,3,5 -0.8,1,2 -0.8,9,4 +0.8,8,9 0.8,4,6 +0.8,9,9 +0.8,8,7 +0.8,3,6 0.8,3,1 +0.8,3,3 +0.8,4,4 +0.8,5,1 +0.8,8,13 +0.8,8,13 +0.8,8,6 +0.8,0,0 +0.8,0,0 0.8,8,8 -0.8,8,5 -0.8,6,4 -0.8,7,7 -0.8,6,7 -0.8,5,8 -0.8,9,8 +0.8,4,2 0.8,7,5 -0.8,9,15 -0.8,7,3 -0.8,5,1 -0.8,4,1 -0.8,3,3 0.8,8,6 -0.8,6,5 +0.8,11,9 +0.8,1,0 +0.8,6,4 0.8,4,6 -0.8,8,5 -0.8,6,5 -0.8,3,5 -0.8,7,3 -0.8,5,4 -0.8,9,6 -0.8,3,5 +0.8,5,3 +0.8,4,1 0.8,6,5 -0.8,10,13 -0.8,3,4 -0.8,5,9 -0.8,6,6 -0.8,5,1 +0.8,5,3 +0.8,7,8 +0.8,7,6 +0.8,1,1 +0.8,5,5 +0.8,9,10 +0.8,2,0 +0.8,2,3 +0.8,3,3 +0.8,8,7 +0.8,6,11 0.8,6,4 -0.8,4,4 -0.8,12,9 0.8,6,3 -0.8,10,12 -0.8,6,2 -0.8,1,1 +0.8,4,4 0.8,1,1 -0.8,3,2 -0.8,4,8 -0.8,3,1 -0.8,3,5 -0.8,7,7 -0.8,8,11 -0.8,3,4 -0.8,5,2 -0.8,2,1 -0.8,7,4 -0.8,3,3 -0.8,8,4 -0.8,6,6 0.8,4,2 -0.8,6,6 -0.8,1,1 -0.8,2,1 -0.8,4,5 -0.8,4,7 -0.8,6,3 -0.8,5,2 -0.8,10,9 -0.8,6,2 -0.8,0,1 -0.8,3,2 -0.8,8,11 0.8,5,5 -0.8,6,4 +0.8,7,4 +0.8,8,8 +0.8,4,1 +0.8,2,3 +0.8,5,5 +0.8,8,5 0.8,5,2 -0.8,5,7 +0.8,5,5 0.8,7,1 -0.8,4,2 -0.8,5,8 -0.8,2,5 -0.8,6,6 -0.8,5,3 -0.8,5,2 -0.8,6,10 -0.8,7,8 +0.8,2,0 0.8,6,6 -0.8,4,4 -0.8,8,7 -0.8,1,0 -0.8,4,6 -0.8,9,9 -0.8,5,3 -0.8,2,5 -0.8,5,4 -0.8,7,4 -0.8,9,13 -0.8,3,2 -0.8,9,5 -0.8,3,5 -0.8,4,5 -0.8,9,7 -0.8,11,6 0.8,3,2 -0.8,6,6 -0.8,10,7 -0.8,5,5 0.8,6,4 +0.8,6,1 +0.8,5,4 +0.8,3,1 +0.8,4,1 +0.8,4,4 +0.8,8,9 +0.8,3,2 +0.8,4,4 +0.8,8,12 0.8,4,3 -0.8,7,5 -0.8,4,3 -0.8,6,6 -0.8,7,6 -0.8,4,2 -0.8,8,14 -0.8,10,8 +0.8,8,9 0.8,4,4 -0.8,6,6 -0.8,2,3 -0.8,4,8 -0.8,8,14 -0.8,5,5 -0.8,6,4 -0.8,3,5 -0.8,8,7 -0.8,3,3 -0.8,4,1 -0.8,8,13 -0.8,3,5 -0.8,5,5 0.8,4,2 -0.8,6,4 -0.8,3,4 -0.8,8,6 0.8,3,3 -0.8,10,3 -0.8,6,5 -0.8,5,4 -0.8,7,9 -0.8,3,5 -0.8,1,0 0.8,5,7 -0.8,3,5 -0.8,4,3 -0.8,3,0 -0.8,5,2 -0.8,4,5 -0.8,4,4 -0.8,11,7 -0.8,4,1 -0.8,5,3 -0.8,4,2 -0.8,5,3 +0.8,2,2 +0.8,8,10 +0.8,0,1 +0.8,3,2 0.8,4,2 -0.8,5,3 +0.8,9,8 0.8,6,4 -0.8,7,7 -0.8,7,8 -0.8,5,4 -0.8,5,6 -0.8,8,10 -0.8,6,5 -0.8,6,5 0.8,6,8 +0.8,4,4 +0.8,3,1 +0.8,1,2 +0.8,7,10 0.8,5,4 -0.8,2,0 -0.8,6,2 -0.8,1,0 -0.8,9,12 -0.8,4,3 -0.8,6,5 -0.8,6,3 -0.8,9,10 -0.8,6,1 -0.8,6,5 -0.8,7,4 -0.8,5,5 -0.8,10,11 -0.8,2,0 -0.8,7,6 -0.8,4,4 -0.8,5,4 -0.8,8,9 -0.8,3,2 -0.8,3,3 -0.8,8,10 -0.8,5,5 -0.8,6,9 -0.8,13,10 0.8,3,4 -0.8,4,2 -0.8,11,7 +0.8,7,10 0.8,5,3 -0.8,2,1 -0.8,5,4 -0.8,5,4 -0.8,9,8 -0.8,10,8 -0.8,6,6 -0.8,7,8 +0.8,6,9 +0.8,7,5 +0.8,11,14 +0.8,4,4 +0.8,10,5 +0.8,5,7 0.8,3,3 -0.8,7,4 -0.8,6,4 -0.8,3,2 -0.8,3,4 -0.8,5,1 -0.8,6,7 -0.8,2,0 -0.8,3,2 -0.8,6,6 +0.8,8,7 0.8,4,6 -0.8,4,3 -0.8,4,4 -0.8,3,2 -0.8,5,6 +0.8,7,11 +0.8,5,5 0.8,3,1 0.8,7,2 +0.8,4,2 +0.8,4,1 0.8,6,2 -0.8,7,4 -0.8,6,6 -0.8,5,6 -0.8,8,11 -0.8,6,9 -0.8,6,4 -0.8,5,9 -0.8,8,7 -0.8,6,3 -0.8,9,7 -0.8,5,6 -0.8,3,3 -0.8,4,6 -0.8,7,5 +0.8,7,8 +0.8,7,3 +0.8,10,13 +0.8,4,1 0.8,4,4 -0.8,6,2 -0.8,7,5 -0.8,5,4 -0.8,5,2 -0.8,8,8 -0.8,5,5 -0.8,5,4 +0.8,6,10 0.8,10,6 -0.8,3,2 -0.8,6,5 0.8,4,2 -0.8,6,4 -0.8,3,0 +0.8,6,3 +0.8,9,6 +0.8,2,0 +0.8,5,2 +0.8,9,2 +0.8,8,7 +0.8,7,8 +0.8,2,5 +0.8,9,11 0.8,8,6 +0.8,6,9 +0.8,2,2 +0.8,5,4 +0.8,6,4 +0.8,6,6 +0.8,12,6 +0.8,4,7 +0.8,5,7 +0.8,3,4 +0.8,5,6 +0.8,9,9 +0.8,6,3 +0.8,6,4 0.8,7,8 -0.8,5,2 -0.8,2,3 -0.8,5,3 -0.8,4,4 -0.8,5,10 -0.8,4,2 -0.8,8,9 +0.8,4,6 0.8,6,5 +0.8,8,5 +0.8,7,3 +0.8,7,5 +0.8,6,4 +0.8,5,4 +0.8,6,7 0.8,5,3 -0.8,10,6 -0.8,5,5 -0.8,3,0 -0.8,9,8 -0.8,5,7 -0.8,11,14 -0.8,6,11 -0.8,8,8 -0.8,4,4 -0.8,11,4 -0.8,10,8 -0.8,4,2 +0.8,9,11 +0.8,5,9 0.8,5,8 -0.8,7,7 -0.8,6,7 -0.8,10,10 -0.8,7,7 +0.8,7,3 +0.8,0,0 +0.8,5,7 0.8,7,8 -0.8,8,7 -0.8,8,3 -0.8,8,5 -0.8,7,7 -0.8,6,7 -0.8,8,5 -0.8,6,12 +0.8,8,6 +0.8,6,6 +0.8,5,6 +0.8,6,8 +0.8,4,2 +0.8,5,6 +0.8,1,1 0.8,5,8 -0.8,5,3 -0.8,6,5 -0.8,4,4 -0.8,10,4 -0.8,10,13 +0.8,3,1 0.8,7,6 -0.8,5,2 -0.8,9,4 -0.8,5,6 0.8,6,8 -0.8,6,4 0.8,4,7 -0.8,8,3 -0.8,1,0 +0.8,4,4 0.8,5,6 +0.8,1,0 +0.8,11,8 +0.8,3,1 +0.8,3,1 +0.8,5,4 +0.8,5,4 +0.8,3,1 +0.8,10,8 +0.8,10,2 +0.8,5,4 +0.8,6,2 0.8,7,4 -0.8,4,6 -0.8,9,10 +0.8,7,6 +0.8,4,4 +0.8,9,12 +0.8,3,4 +0.8,1,1 +0.8,3,3 +0.8,8,8 +0.8,9,11 +0.8,9,8 +0.8,5,4 +0.8,4,9 +0.8,6,7 +0.8,3,4 0.8,8,12 +0.8,7,4 +0.8,7,4 +0.8,8,5 +0.8,8,1 +0.8,2,3 +0.8,7,4 +0.8,3,1 0.8,5,3 -0.8,2,0 -0.8,9,10 -0.8,6,7 -0.8,4,2 -0.8,11,4 +0.8,5,8 +0.8,3,0 0.8,3,1 0.8,4,1 -0.8,3,5 -0.8,4,3 -0.8,4,1 -0.8,5,7 -0.8,2,2 -0.8,8,5 +0.8,5,2 +0.8,3,0 +0.8,8,8 0.8,2,1 -0.8,6,0 -0.8,4,3 -0.8,2,6 -0.8,6,7 -0.8,6,2 -0.8,5,3 -0.8,6,6 +0.8,8,4 +0.8,4,7 +0.8,10,9 +0.8,2,1 +0.8,12,10 0.8,3,5 -0.8,3,8 +0.8,7,3 +0.8,2,3 +0.8,6,6 +0.8,4,4 0.8,4,2 -0.8,10,13 +0.8,8,5 +0.8,11,17 +0.8,5,4 +0.8,4,3 0.8,5,1 +0.8,7,3 +0.8,3,0 +0.8,6,5 +0.8,3,6 +0.8,5,0 +0.8,1,1 +0.8,3,0 +0.8,9,8 0.8,4,4 +0.8,5,5 +0.8,3,4 +0.8,7,8 +0.8,4,2 0.8,5,6 -0.8,2,2 -0.8,6,1 -0.8,10,11 0.8,7,7 -0.8,6,10 -0.8,4,4 -0.8,2,2 0.8,4,2 -0.8,2,3 +0.8,10,6 +0.8,9,8 +0.8,9,12 +0.8,9,10 0.8,1,3 -0.8,9,7 -0.8,6,6 -0.8,5,4 -0.8,9,5 -0.8,8,5 -0.8,3,3 -0.8,8,4 -0.8,4,3 -0.8,12,10 +0.8,6,3 0.8,7,4 -0.8,3,1 -0.8,5,3 -0.8,6,7 -0.8,5,1 -0.8,5,2 0.8,4,2 -0.8,5,2 -0.8,3,2 -0.8,8,10 -0.8,6,10 0.8,6,5 -0.8,6,3 -0.8,5,4 -0.8,6,6 -0.8,9,10 -0.8,2,4 -0.8,7,10 +0.8,9,9 +0.8,5,7 +0.8,10,8 +0.8,4,8 +0.8,3,2 +0.8,3,0 +0.8,10,8 0.8,3,3 -0.8,9,7 -0.8,6,3 +0.8,9,8 +0.8,8,9 +0.8,1,2 0.8,6,6 -0.8,8,7 -0.8,4,3 -0.8,8,3 -0.8,5,0 +0.8,5,2 +0.8,6,6 +0.8,6,6 +0.8,3,1 0.8,6,3 -0.8,13,12 -0.8,7,7 -0.8,5,6 -0.8,5,6 -0.8,5,9 -0.8,4,4 -0.8,3,6 -0.8,9,6 -0.8,10,9 -0.8,7,8 +0.8,4,3 +0.8,7,6 +0.8,1,2 +0.8,3,4 +0.8,3,0 +0.8,9,9 +0.8,4,2 +0.8,3,1 +0.8,2,1 +0.8,6,7 0.8,4,4 -0.8,8,4 -0.8,9,8 -0.8,7,5 -0.8,4,5 -0.8,5,3 -0.8,8,9 0.8,5,6 -0.8,2,2 -0.8,4,2 -0.8,2,2 -0.8,5,5 -0.8,6,3 +0.8,7,5 +0.8,3,3 +0.8,8,8 0.8,5,4 +0.8,3,2 0.8,6,6 -0.8,4,4 -0.8,9,4 -0.8,5,6 +0.8,4,3 +0.8,2,4 0.8,7,6 -0.8,2,2 -0.8,6,2 -0.8,14,14 -0.8,2,2 -0.8,8,8 +0.8,8,5 +0.8,14,11 0.8,5,2 -0.8,8,6 +0.8,6,5 0.8,5,5 -0.8,4,3 +0.8,6,4 +0.8,2,1 +0.8,2,2 +0.8,9,5 +0.8,6,4 +0.8,3,5 +0.8,4,0 +0.8,2,3 +0.8,5,3 +0.8,6,6 +0.8,10,8 +0.8,6,5 +0.8,5,4 +0.8,3,4 0.8,12,14 +0.8,7,6 0.8,3,3 -0.8,5,9 -0.8,3,6 +0.8,6,9 0.8,7,5 +0.8,4,6 +0.8,5,9 0.8,3,2 -0.8,6,4 -0.8,6,7 -0.8,6,8 -0.8,5,3 -0.8,5,5 -0.8,12,14 +0.8,13,9 +0.8,3,3 +0.8,9,5 +0.8,7,5 0.8,8,3 -0.8,9,7 -0.8,6,5 -0.8,6,7 -0.8,6,4 -0.8,8,2 -0.8,3,1 -0.8,6,10 -0.8,8,4 -0.8,4,8 -0.8,6,7 -0.8,6,0 -0.8,8,2 +0.8,1,0 +0.8,1,1 +0.8,5,7 +0.8,4,2 +0.8,6,6 +0.8,6,6 0.8,6,6 -0.8,8,5 -0.8,7,4 -0.8,5,8 0.8,4,2 -0.8,4,8 -0.8,6,8 -0.8,12,10 -0.8,11,7 -0.8,8,9 -0.8,7,7 +0.8,3,3 0.8,3,1 +0.8,11,6 +0.8,6,5 +0.8,1,0 +0.8,5,2 +0.8,8,4 +0.8,6,4 0.8,3,4 -0.8,5,4 -0.8,7,6 -0.8,2,1 -0.8,8,6 +0.8,3,2 +0.8,4,1 +0.8,5,3 +0.8,3,3 +0.8,3,6 0.8,2,0 -0.8,3,1 -0.8,4,2 +0.8,4,7 +0.8,6,7 +0.8,3,2 0.8,5,3 -0.8,5,7 -0.8,9,5 +0.8,8,4 +0.8,3,2 +0.8,5,4 +0.8,3,4 +0.8,3,2 +0.8,4,5 +0.8,8,8 +0.8,5,4 +0.8,3,4 +0.8,6,5 +0.8,4,3 +0.8,5,2 +0.8,1,1 +0.8,6,1 +0.8,3,2 +0.8,4,5 0.8,5,5 +0.8,6,6 0.8,4,2 +0.8,5,5 0.8,7,6 +0.8,5,1 0.8,5,4 -0.8,2,0 -0.8,4,3 -0.8,2,3 -0.8,3,0 -0.8,4,4 -0.8,7,4 +0.8,3,3 +0.8,7,7 +0.8,3,3 +0.8,12,6 +0.8,6,5 +0.8,6,5 +0.8,7,9 +0.8,4,9 +0.8,5,5 +0.8,5,2 +0.8,5,6 +0.8,8,9 +0.8,3,2 +0.8,3,1 +0.8,7,9 +0.8,3,3 0.8,3,2 +0.8,8,6 +0.8,4,2 +0.8,2,4 0.8,5,6 +0.8,4,5 0.8,4,6 -0.8,1,0 -0.8,9,4 +0.8,12,7 +0.8,3,3 +0.8,5,11 +0.8,3,1 +0.8,5,5 0.8,6,6 -0.8,7,6 -0.8,8,8 -0.8,9,10 -0.8,5,6 -0.8,9,6 -0.8,10,6 -0.8,4,4 -0.8,4,9 -0.8,4,4 -0.8,6,9 -0.8,6,7 +0.8,3,1 +0.8,2,1 0.8,6,5 -0.8,8,7 -0.8,5,2 +0.8,4,6 +0.8,6,8 +0.8,2,5 0.8,3,1 -0.8,8,3 +0.8,4,4 +0.8,4,1 +0.8,6,5 +0.8,7,4 +0.8,3,3 +0.8,9,11 0.8,7,3 0.8,5,4 -0.8,9,5 -0.8,7,7 -0.8,4,8 -0.8,8,4 -0.8,7,1 -0.8,3,7 -0.8,9,11 +0.8,6,5 0.8,4,4 -0.8,6,11 -0.8,3,3 -0.8,10,9 -0.8,9,13 -0.8,0,0 -0.8,2,2 -0.8,1,1 -0.8,6,1 +0.8,6,3 +0.8,5,3 0.8,3,4 -0.8,2,0 -0.8,5,5 -0.8,4,4 -0.8,6,7 -0.8,7,12 -0.8,6,10 -0.8,4,5 -0.8,7,9 -0.8,2,2 -0.8,5,1 -0.8,1,1 -0.8,1,2 -0.8,9,4 -0.8,0,0 +0.8,6,6 +0.8,6,2 +0.8,7,7 +0.8,5,3 +0.8,4,4 +0.8,7,10 +0.8,7,3 +0.8,3,7 +0.8,3,2 +0.8,4,2 +0.8,6,4 +0.8,6,5 +0.8,7,1 0.8,3,1 -0.8,4,1 -0.8,4,1 -0.8,6,10 +0.8,3,1 +0.8,10,9 0.8,7,3 -0.8,8,2 -0.8,5,5 +0.8,7,6 +0.8,3,4 +0.8,0,0 +0.8,7,8 0.8,3,6 -0.8,11,17 -0.8,5,6 -0.8,2,0 -0.8,6,8 -0.8,4,3 -0.8,6,7 -0.8,2,2 -0.8,9,5 0.8,4,2 -0.8,2,3 -0.8,6,7 -0.8,3,0 +0.8,7,8 +0.8,1,3 +0.8,1,0 +0.8,7,7 +0.8,3,1 +0.8,3,5 +0.8,4,9 0.8,6,4 -0.8,6,2 -0.8,4,3 -0.8,8,11 +0.8,8,9 +0.8,9,9 +0.8,6,4 +0.8,4,2 0.8,6,3 +0.8,2,1 +0.8,9,8 +0.8,7,6 +0.8,9,11 +0.8,6,2 +0.8,10,11 +0.8,3,9 0.8,6,6 -0.8,4,4 -0.8,3,0 -0.8,6,5 -0.8,5,9 -0.8,5,5 +0.8,2,1 +0.8,8,8 +0.8,5,2 +0.8,4,5 +0.8,5,4 0.8,4,2 -0.8,3,5 -0.8,1,3 -0.8,4,3 -0.8,7,6 -0.8,6,5 +0.8,5,5 0.8,5,6 -0.8,4,5 -0.8,4,5 -0.8,8,2 -0.8,9,7 -0.8,9,8 -0.8,5,3 -0.8,4,4 -0.8,1,3 -0.8,7,4 +0.8,2,1 +0.8,8,4 +0.8,9,10 +0.8,10,8 +0.8,11,10 +0.8,5,4 +0.8,7,8 +0.8,6,4 +0.8,6,7 +0.8,7,7 +0.8,4,6 +0.8,5,4 +0.8,8,10 0.8,4,4 -0.8,5,8 -0.8,5,3 -0.8,6,3 -0.8,9,5 -0.8,7,9 -0.8,7,5 -0.8,8,7 -0.8,6,5 -0.8,3,3 0.8,5,6 -0.8,8,11 +0.8,7,5 0.8,6,7 -0.8,1,0 -0.8,7,9 0.8,3,4 -0.8,5,3 -0.8,8,9 -0.8,4,1 -0.8,3,2 -0.8,4,2 -0.8,6,4 -0.8,4,3 +0.8,6,5 +0.8,5,4 +0.8,5,5 0.8,7,4 -0.8,6,3 -0.8,7,6 -0.8,1,1 -0.8,4,6 -0.8,4,2 -0.8,4,7 +0.8,3,1 0.8,4,3 +0.8,5,3 0.8,3,1 -0.8,10,12 -0.8,8,5 +0.8,5,4 0.8,6,7 -0.8,4,5 -0.8,2,3 -0.8,5,6 -0.8,6,4 -0.8,5,3 -0.8,14,15 -0.8,8,10 -0.8,7,7 -0.8,3,2 +0.8,5,5 +0.8,7,5 +0.8,2,4 +0.8,7,10 +0.8,7,5 +0.8,3,4 +0.8,9,11 +0.8,8,3 +0.8,7,5 +0.8,5,2 +0.8,6,5 0.8,3,2 -0.8,8,5 -0.8,5,3 +0.8,6,1 +0.8,7,6 +0.8,5,4 +0.8,11,9 +0.8,8,4 +0.8,2,5 0.8,6,3 0.8,7,4 +0.8,4,5 0.8,6,6 -0.8,4,2 -0.8,7,9 -0.8,8,12 -0.8,7,6 -0.8,3,4 -0.8,6,4 -0.8,4,2 -0.8,6,7 -0.8,8,11 -0.8,10,5 -0.8,8,2 -0.8,4,3 -0.8,6,4 -0.8,4,4 -0.8,7,7 -0.8,3,4 0.8,4,3 -0.8,6,6 +0.8,5,6 +0.8,6,3 0.8,2,3 -0.8,1,1 -0.8,8,5 -0.8,6,4 -0.8,11,16 -0.8,4,5 -0.8,8,14 -0.8,3,4 -0.8,3,1 -0.8,5,5 +0.8,9,9 +0.8,7,4 +0.8,5,6 +0.8,11,11 +0.8,5,4 +0.8,3,3 +0.8,9,8 +0.8,5,6 0.8,6,4 -0.8,2,0 +0.8,1,2 0.8,4,3 -0.8,7,13 -0.8,2,6 +0.8,6,8 +0.8,1,1 0.8,8,9 +0.8,6,2 +0.8,7,5 +0.8,5,7 +0.8,8,12 +0.8,5,9 +0.8,4,2 +0.8,6,6 0.8,5,3 +0.8,7,10 +0.8,4,4 +0.8,5,9 +0.8,7,6 0.8,2,1 -0.8,5,4 +0.8,6,9 +0.8,5,7 +0.8,4,0 +0.8,7,8 +0.8,4,4 +0.8,7,4 +0.8,5,7 0.8,5,5 -0.8,6,7 -0.8,3,0 -0.8,5,3 -0.8,8,13 +0.8,8,8 0.8,3,2 -0.8,11,7 -0.8,5,1 -0.8,9,9 -0.8,4,7 -0.8,9,6 -0.8,7,7 -0.8,7,3 -0.8,6,7 -0.8,10,8 -0.8,7,11 +0.8,3,7 +0.8,7,8 0.8,2,2 -0.8,5,6 -0.8,3,2 -0.8,4,7 -0.8,4,4 +0.8,4,1 +0.8,7,7 0.8,6,5 -0.8,6,7 0.8,8,5 -0.8,9,9 -0.8,7,3 -0.8,6,2 -0.8,4,4 +0.8,7,5 0.8,5,4 -0.9,5,4 -0.9,4,8 -0.9,8,5 -0.9,5,5 -0.9,12,6 -0.9,7,6 -0.9,7,8 -0.9,5,7 -0.9,4,1 -0.9,6,4 -0.9,6,6 -0.9,6,4 -0.9,1,2 -0.9,10,10 -0.9,4,8 -0.9,5,2 -0.9,4,1 -0.9,5,3 -0.9,7,9 -0.9,4,2 -0.9,4,4 -0.9,4,1 -0.9,4,6 +0.8,3,5 +0.8,2,0 +0.8,4,3 +0.8,6,6 +0.8,2,4 +0.8,7,9 +0.8,3,3 +0.8,9,6 +0.8,5,8 +0.8,7,6 +0.8,4,1 +0.8,4,3 +0.8,10,3 +0.8,5,4 +0.8,11,8 +0.8,7,9 +0.8,9,10 +0.8,6,5 +0.8,4,3 +0.8,7,7 +0.8,6,1 +0.8,3,3 +0.8,8,8 +0.8,6,5 +0.8,6,5 +0.8,7,5 +0.8,7,6 +0.8,3,5 +0.8,8,4 +0.8,6,8 +0.8,3,0 +0.8,4,2 +0.8,8,6 +0.8,1,2 +0.8,6,8 +0.8,4,4 +0.8,4,5 +0.8,3,3 +0.8,7,5 +0.8,3,6 +0.8,2,1 +0.8,7,4 +0.8,7,10 +0.8,3,0 +0.8,5,4 +0.8,6,5 +0.8,6,4 +0.8,6,5 +0.8,7,8 +0.8,11,7 +0.8,5,3 +0.8,4,3 +0.8,11,8 +0.8,6,8 +0.8,7,9 +0.8,6,3 +0.8,9,7 +0.8,6,3 +0.8,0,0 +0.8,4,3 +0.8,6,3 +0.8,7,4 +0.8,9,9 +0.8,4,3 +0.8,7,4 +0.8,6,7 +0.8,5,5 +0.8,7,2 +0.8,7,2 +0.8,3,3 +0.8,5,4 +0.8,8,4 +0.8,5,5 +0.8,4,8 +0.8,5,3 +0.8,3,1 +0.8,9,8 +0.8,6,3 +0.8,4,1 +0.8,4,3 +0.8,5,4 +0.8,8,6 +0.8,8,5 +0.8,4,3 +0.8,3,1 +0.8,5,5 +0.8,2,1 +0.8,5,4 +0.8,8,9 +0.8,5,5 +0.8,7,6 +0.8,2,2 +0.8,5,7 +0.8,4,6 +0.8,4,9 +0.8,13,13 +0.8,2,0 +0.8,5,6 +0.8,5,6 +0.8,6,3 +0.8,4,1 +0.8,10,7 +0.8,7,4 +0.8,3,1 +0.8,6,4 +0.8,3,6 +0.8,3,3 +0.8,6,3 +0.8,7,3 +0.8,7,3 +0.8,5,3 +0.8,9,7 +0.8,7,3 +0.8,2,3 +0.8,3,1 +0.8,8,6 +0.8,6,2 +0.8,3,1 +0.8,5,4 +0.8,4,2 +0.8,3,6 +0.8,8,8 +0.8,2,2 +0.8,8,4 +0.8,5,3 +0.8,2,1 +0.8,4,2 +0.8,1,1 +0.8,8,12 +0.8,2,0 +0.8,2,0 +0.8,4,5 +0.8,7,2 +0.8,7,6 +0.8,7,9 +0.8,6,6 +0.8,4,0 +0.8,4,3 +0.8,2,1 +0.8,1,1 +0.8,3,2 +0.8,7,7 +0.8,2,1 +0.8,4,2 +0.8,3,2 +0.8,4,0 +0.8,2,4 +0.8,3,0 +0.8,12,9 +0.8,10,8 +0.8,5,3 +0.8,5,3 +0.8,12,10 +0.8,4,2 +0.8,7,8 +0.8,6,1 +0.8,3,5 +0.8,5,2 +0.8,5,4 +0.8,5,4 +0.8,10,12 +0.8,6,7 +0.8,5,6 +0.8,2,3 +0.8,7,10 +0.8,8,3 +0.8,8,10 +0.8,6,4 +0.8,9,10 +0.8,8,9 +0.8,6,7 +0.8,7,5 +0.8,5,7 +0.8,6,7 +0.8,6,8 +0.8,8,8 +0.8,6,5 +0.8,8,9 +0.8,2,1 +0.8,6,6 +0.8,7,4 +0.8,6,6 +0.8,6,3 +0.8,8,9 +0.8,3,2 +0.8,2,3 +0.8,5,3 +0.8,5,5 +0.8,5,5 +0.9,4,3 +0.9,5,7 +0.9,4,3 +0.9,4,3 +0.9,4,3 +0.9,8,8 +0.9,3,2 +0.9,11,11 +0.9,2,0 +0.9,5,1 0.9,8,6 -0.9,4,6 -0.9,4,0 -0.9,14,9 -0.9,9,3 -0.9,6,6 -0.9,10,8 -0.9,4,5 -0.9,4,1 -0.9,5,2 -0.9,7,6 -0.9,10,12 -0.9,7,5 -0.9,7,6 -0.9,5,10 -0.9,3,3 -0.9,5,11 +0.9,4,8 0.9,4,5 -0.9,3,1 -0.9,10,11 -0.9,5,6 -0.9,7,8 +0.9,5,7 0.9,3,3 -0.9,9,10 -0.9,10,15 -0.9,7,7 -0.9,4,5 -0.9,9,4 -0.9,7,10 -0.9,6,4 -0.9,2,4 -0.9,2,2 +0.9,4,3 +0.9,3,6 +0.9,6,7 0.9,5,3 -0.9,6,5 -0.9,3,1 -0.9,5,8 -0.9,5,2 -0.9,8,6 -0.9,1,1 -0.9,1,0 -0.9,9,7 +0.9,5,4 0.9,9,11 +0.9,7,11 +0.9,8,7 0.9,5,3 -0.9,7,8 -0.9,6,6 -0.9,11,8 -0.9,7,4 +0.9,3,3 0.9,6,7 -0.9,5,6 -0.9,3,7 -0.9,4,0 -0.9,9,9 -0.9,6,1 -0.9,4,1 -0.9,6,2 -0.9,5,4 -0.9,10,7 -0.9,8,9 -0.9,7,6 -0.9,7,3 -0.9,2,4 -0.9,9,7 -0.9,3,5 +0.9,8,7 +0.9,3,4 +0.9,7,5 +0.9,7,5 +0.9,7,10 0.9,4,4 -0.9,8,9 +0.9,3,1 +0.9,2,6 +0.9,5,7 +0.9,6,4 +0.9,7,5 +0.9,5,9 +0.9,8,10 +0.9,5,7 +0.9,7,10 +0.9,6,5 +0.9,7,5 0.9,4,4 -0.9,4,3 +0.9,5,3 0.9,5,5 -0.9,5,9 -0.9,9,5 -0.9,9,9 +0.9,4,3 0.9,7,3 +0.9,8,4 +0.9,8,10 0.9,3,1 0.9,4,6 -0.9,9,9 -0.9,3,1 -0.9,7,9 +0.9,6,4 +0.9,7,12 +0.9,3,5 0.9,5,5 -0.9,11,11 -0.9,8,10 -0.9,6,6 -0.9,14,7 -0.9,7,4 +0.9,4,4 +0.9,5,4 0.9,5,4 -0.9,9,5 -0.9,9,11 -0.9,8,12 -0.9,8,4 -0.9,6,4 -0.9,3,0 -0.9,6,3 -0.9,6,3 -0.9,6,3 -0.9,4,1 -0.9,2,2 0.9,5,5 +0.9,4,7 +0.9,5,4 +0.9,1,1 +0.9,6,8 +0.9,3,2 +0.9,4,9 +0.9,3,2 +0.9,2,0 +0.9,5,4 +0.9,7,8 +0.9,6,7 0.9,7,8 -0.9,8,6 -0.9,7,5 -0.9,5,9 -0.9,8,8 -0.9,4,2 -0.9,9,6 0.9,4,3 -0.9,7,10 +0.9,7,4 +0.9,3,5 +0.9,4,7 +0.9,10,10 +0.9,4,3 +0.9,7,7 +0.9,3,2 +0.9,5,3 +0.9,5,6 +0.9,2,4 +0.9,7,5 +0.9,9,11 0.9,3,3 -0.9,4,5 +0.9,4,2 0.9,4,4 +0.9,3,4 0.9,4,1 -0.9,2,1 -0.9,5,3 -0.9,8,9 -0.9,6,5 -0.9,5,6 -0.9,5,7 -0.9,7,9 -0.9,3,5 -0.9,8,7 0.9,5,4 -0.9,4,5 -0.9,5,3 -0.9,5,3 +0.9,2,4 0.9,5,4 -0.9,5,5 -0.9,5,2 -0.9,12,13 -0.9,5,5 -0.9,3,1 0.9,6,4 -0.9,7,6 -0.9,3,2 +0.9,4,2 +0.9,3,1 0.9,4,4 -0.9,6,4 -0.9,8,7 -0.9,4,1 -0.9,9,6 +0.9,9,8 +0.9,4,2 +0.9,1,1 +0.9,5,6 0.9,2,4 -0.9,12,9 -0.9,6,8 -0.9,4,7 -0.9,4,5 -0.9,5,2 -0.9,6,6 -0.9,3,3 -0.9,5,5 +0.9,6,2 +0.9,11,10 +0.9,6,5 +0.9,7,4 +0.9,2,0 +0.9,6,2 0.9,3,2 -0.9,5,6 -0.9,7,9 -0.9,5,5 +0.9,6,4 0.9,7,5 -0.9,4,4 -0.9,5,4 +0.9,8,3 +0.9,8,4 +0.9,10,5 +0.9,6,5 +0.9,4,2 +0.9,3,5 +0.9,4,3 +0.9,6,6 0.9,9,4 -0.9,5,2 +0.9,5,6 +0.9,2,2 +0.9,4,5 +0.9,3,2 0.9,6,4 -0.9,13,14 -0.9,8,7 -0.9,3,3 -0.9,9,9 -0.9,4,7 -0.9,5,7 -0.9,5,5 -0.9,7,7 -0.9,4,6 -0.9,4,3 -0.9,8,6 -0.9,5,4 +0.9,6,6 +0.9,1,3 +0.9,10,10 0.9,6,5 -0.9,10,7 +0.9,9,6 +0.9,9,6 0.9,3,3 -0.9,6,5 -0.9,7,8 -0.9,8,7 +0.9,4,1 +0.9,6,4 0.9,4,3 +0.9,7,10 +0.9,8,5 +0.9,6,2 +0.9,9,10 0.9,10,8 +0.9,11,14 +0.9,5,1 +0.9,1,1 +0.9,7,3 +0.9,6,6 +0.9,7,8 0.9,3,4 -0.9,5,2 -0.9,7,4 -0.9,4,5 -0.9,8,2 -0.9,4,4 -0.9,6,4 -0.9,5,6 -0.9,9,5 -0.9,9,7 -0.9,5,7 -0.9,2,1 -0.9,7,5 +0.9,8,4 +0.9,6,6 +0.9,5,4 0.9,6,3 -0.9,1,1 -0.9,2,3 -0.9,8,8 -0.9,6,5 +0.9,5,3 +0.9,8,9 +0.9,7,10 +0.9,4,2 +0.9,6,3 +0.9,4,4 +0.9,5,3 +0.9,9,12 +0.9,9,2 +0.9,6,6 +0.9,4,2 +0.9,4,1 +0.9,7,6 +0.9,9,9 +0.9,5,3 +0.9,4,3 +0.9,3,2 0.9,6,5 -0.9,5,8 -0.9,6,2 +0.9,9,9 +0.9,7,5 +0.9,7,7 +0.9,6,4 +0.9,7,11 +0.9,9,6 +0.9,2,4 +0.9,10,9 +0.9,11,4 +0.9,5,3 +0.9,4,2 +0.9,0,0 +0.9,7,9 0.9,6,5 -0.9,12,8 -0.9,4,3 -0.9,11,8 -0.9,6,8 -0.9,10,8 -0.9,7,8 -0.9,3,1 -0.9,5,5 -0.9,9,7 0.9,7,5 -0.9,6,3 +0.9,10,8 +0.9,9,9 +0.9,10,15 +0.9,8,5 +0.9,4,6 +0.9,5,8 0.9,8,4 -0.9,12,10 -0.9,9,6 +0.9,7,7 +0.9,7,7 +0.9,5,5 +0.9,10,11 +0.9,9,9 0.9,3,2 -0.9,10,8 -0.9,9,8 +0.9,8,8 +0.9,5,5 +0.9,9,14 +0.9,10,6 +0.9,5,3 +0.9,8,12 +0.9,6,6 +0.9,7,10 +0.9,4,3 +0.9,8,4 +0.9,8,7 +0.9,7,10 +0.9,4,5 +0.9,5,3 +0.9,8,9 +0.9,2,0 +0.9,7,6 +0.9,7,7 +0.9,4,8 +0.9,4,4 +0.9,10,3 +0.9,3,3 +0.9,5,2 +0.9,5,4 0.9,5,6 -0.9,6,8 -0.9,7,9 -0.9,7,6 +0.9,8,7 +0.9,1,1 +0.9,5,7 +0.9,7,12 +0.9,6,4 +0.9,6,6 +0.9,10,10 +0.9,6,10 +0.9,3,3 +0.9,6,6 +0.9,7,7 +0.9,6,7 +0.9,7,11 +0.9,6,4 +0.9,4,2 +0.9,4,4 +0.9,5,7 0.9,9,8 +0.9,5,2 +0.9,5,5 +0.9,5,4 0.9,2,2 +0.9,11,8 +0.9,4,1 +0.9,3,3 +0.9,7,7 +0.9,9,18 +0.9,6,1 +0.9,5,4 +0.9,3,6 +0.9,7,5 +0.9,8,7 0.9,4,4 +0.9,1,1 +0.9,4,5 +0.9,6,5 +0.9,5,8 +0.9,6,4 +0.9,5,4 0.9,4,4 +0.9,5,4 0.9,8,6 -0.9,4,4 -0.9,11,10 -0.9,11,9 -0.9,10,6 -0.9,9,4 -0.9,4,3 -0.9,9,11 -0.9,6,3 +0.9,6,8 +0.9,5,3 +0.9,4,5 +0.9,5,4 +0.9,2,3 0.9,7,4 -0.9,6,5 -0.9,6,6 0.9,7,8 -0.9,9,4 +0.9,7,2 +0.9,7,15 +0.9,6,9 +0.9,5,1 0.9,7,7 -0.9,5,5 -0.9,5,4 +0.9,7,6 +0.9,10,6 0.9,2,1 -0.9,5,3 -0.9,4,7 -0.9,4,1 -0.9,4,5 -0.9,4,5 -0.9,4,5 0.9,7,6 -0.9,6,7 +0.9,4,4 0.9,5,4 -0.9,8,7 -0.9,0,1 -0.9,5,3 +0.9,7,4 +0.9,1,3 +0.9,4,3 +0.9,6,4 +0.9,4,7 0.9,5,3 -0.9,8,8 -0.9,8,3 -0.9,7,5 -0.9,8,7 -0.9,6,15 -0.9,4,6 -0.9,8,4 0.9,6,6 -0.9,5,4 +0.9,8,5 +0.9,3,1 +0.9,8,13 +0.9,5,5 +0.9,5,3 +0.9,8,6 +0.9,7,7 0.9,10,6 -0.9,11,11 -0.9,6,5 +0.9,9,7 +0.9,3,4 +0.9,4,7 +0.9,3,0 +0.9,4,3 0.9,2,2 -0.9,6,7 0.9,7,6 -0.9,8,1 -0.9,5,3 -0.9,4,4 +0.9,4,2 +0.9,7,6 0.9,9,6 -0.9,4,5 -0.9,5,6 -0.9,8,5 0.9,6,5 +0.9,7,6 0.9,9,10 -0.9,12,8 -0.9,4,3 -0.9,10,9 -0.9,3,1 -0.9,8,6 -0.9,8,9 -0.9,6,6 -0.9,5,4 -0.9,1,3 -0.9,3,2 -0.9,3,5 -0.9,5,4 -0.9,3,3 -0.9,7,10 -0.9,5,10 -0.9,8,5 -0.9,6,0 -0.9,2,0 -0.9,6,4 -0.9,8,4 -0.9,5,1 -0.9,12,9 -0.9,3,0 -0.9,6,10 -0.9,10,8 -0.9,7,8 +0.9,7,7 0.9,5,3 +0.9,3,1 +0.9,9,9 +0.9,14,14 0.9,4,7 -0.9,8,3 -0.9,5,6 -0.9,11,10 -0.9,4,3 -0.9,10,5 -0.9,10,8 -0.9,4,2 0.9,3,2 -0.9,12,11 -0.9,7,3 -0.9,5,4 -0.9,5,2 -0.9,5,4 -0.9,5,5 -0.9,4,3 -0.9,5,6 -0.9,7,9 -0.9,8,6 -0.9,11,7 -0.9,9,7 -0.9,5,4 -0.9,4,5 -0.9,1,0 -0.9,8,7 -0.9,2,3 -0.9,7,4 -0.9,4,5 -0.9,10,9 -0.9,12,16 -0.9,4,3 -0.9,8,12 -0.9,6,5 -0.9,6,7 -0.9,5,6 -0.9,4,4 -0.9,2,1 -0.9,6,9 -0.9,14,16 -0.9,8,8 -0.9,6,5 +0.9,6,3 +0.9,6,3 +0.9,3,3 0.9,9,7 -0.9,1,1 -0.9,10,10 -0.9,8,9 -0.9,7,3 -0.9,7,5 -0.9,5,7 -0.9,12,15 -0.9,7,5 -0.9,13,16 -0.9,7,8 0.9,4,5 -0.9,6,3 -0.9,10,10 -0.9,8,5 -0.9,9,8 -0.9,5,2 -0.9,10,10 -0.9,4,4 -0.9,11,11 -0.9,6,4 -0.9,5,2 -0.9,8,9 -0.9,4,6 -0.9,7,3 -0.9,15,10 -0.9,4,6 -0.9,6,5 -0.9,5,6 -0.9,7,11 -0.9,6,6 -0.9,6,5 -0.9,11,12 0.9,6,7 -0.9,7,7 0.9,7,9 -0.9,7,9 -0.9,8,7 -0.9,14,7 -0.9,8,6 -0.9,6,7 -0.9,9,10 -0.9,4,5 -0.9,4,2 -0.9,2,3 -0.9,6,5 -0.9,4,3 -0.9,5,4 -0.9,8,7 -0.9,5,2 -0.9,9,5 +0.9,7,7 +0.9,2,0 +0.9,3,1 +0.9,5,3 0.9,6,4 -0.9,5,6 -0.9,2,1 0.9,6,5 -0.9,2,0 0.9,4,4 -0.9,6,5 -0.9,6,6 0.9,6,3 -0.9,8,10 -0.9,7,5 -0.9,4,2 -0.9,5,5 +0.9,7,6 +0.9,3,1 +0.9,6,6 0.9,5,5 -0.9,9,8 -0.9,5,7 -0.9,8,4 -0.9,8,11 -0.9,6,1 -0.9,9,7 -0.9,9,9 +0.9,6,9 0.9,4,5 -0.9,7,9 -0.9,7,4 -0.9,4,0 -0.9,6,3 -0.9,8,10 -0.9,12,10 -0.9,1,1 +0.9,2,2 +0.9,5,6 +0.9,3,3 +0.9,6,4 +0.9,6,8 0.9,4,2 +0.9,8,2 +0.9,5,6 0.9,3,3 +0.9,5,5 +0.9,4,2 +0.9,15,12 +0.9,4,4 0.9,7,5 -0.9,9,10 -0.9,4,3 -0.9,10,7 -0.9,5,3 -0.9,2,1 -0.9,7,6 0.9,5,5 -0.9,9,10 +0.9,4,6 +0.9,5,10 +0.9,5,3 +0.9,8,12 0.9,6,6 -0.9,3,2 -0.9,2,4 -0.9,6,3 -0.9,10,9 0.9,4,2 -0.9,7,6 -0.9,5,6 +0.9,7,9 +0.9,9,6 +0.9,9,10 +0.9,6,2 +0.9,9,5 +0.9,4,3 +0.9,4,8 +0.9,4,4 0.9,4,1 -0.9,6,9 -0.9,5,6 -0.9,6,5 -0.9,3,3 -0.9,9,8 +0.9,3,4 0.9,5,4 +0.9,7,6 +0.9,14,13 +0.9,5,3 +0.9,5,1 0.9,3,3 -0.9,4,2 +0.9,11,7 +0.9,4,4 +0.9,9,6 +0.9,6,5 0.9,7,7 -0.9,7,6 -0.9,2,1 +0.9,11,10 +0.9,8,9 +0.9,1,1 +0.9,10,10 0.9,4,4 -0.9,8,1 -0.9,4,2 -0.9,5,3 0.9,4,5 -0.9,4,3 -0.9,5,7 -0.9,6,3 -0.9,8,8 +0.9,9,12 +0.9,3,0 0.9,5,5 +0.9,5,1 +0.9,2,4 +0.9,3,5 +0.9,6,7 +0.9,5,10 0.9,3,2 -0.9,7,3 -0.9,8,8 -0.9,8,6 -0.9,3,2 -0.9,6,4 -0.9,5,3 -0.9,3,3 -0.9,5,3 0.9,5,5 -0.9,8,7 +0.9,3,1 +0.9,2,4 +0.9,6,3 +0.9,10,14 +0.9,5,5 0.9,5,2 +0.9,5,5 +0.9,6,7 +0.9,3,3 +0.9,5,0 0.9,9,7 -0.9,7,8 -0.9,8,7 -0.9,8,11 -0.9,8,7 -0.9,11,11 +0.9,5,3 +0.9,4,3 0.9,4,6 -0.9,8,6 -0.9,6,2 -0.9,7,9 -0.9,6,4 -0.9,7,4 +0.9,6,7 +0.9,6,7 0.9,7,5 -0.9,4,3 -0.9,6,1 -0.9,5,8 -0.9,5,3 +0.9,9,14 +0.9,8,5 +0.9,4,11 +0.9,6,4 +0.9,2,0 +0.9,4,7 +0.9,6,2 +0.9,10,9 +0.9,5,2 0.9,4,4 +0.9,1,1 +0.9,7,6 +0.9,2,4 +0.9,9,8 +0.9,3,4 +0.9,8,3 +0.9,3,4 +0.9,2,2 +0.9,3,0 +0.9,6,7 +0.9,7,5 +0.9,5,2 +0.9,7,7 +0.9,6,3 +0.9,6,9 +0.9,5,6 +0.9,5,7 +0.9,6,3 0.9,5,3 -0.9,8,8 0.9,9,9 -0.9,8,4 -0.9,5,4 +0.9,7,4 +0.9,8,13 0.9,6,3 -0.9,8,15 -0.9,5,4 -0.9,9,5 +0.9,8,9 +0.9,6,3 +0.9,8,6 +0.9,5,6 +0.9,7,5 +0.9,11,10 +0.9,6,1 +0.9,1,0 +0.9,6,6 +0.9,12,8 +0.9,4,2 0.9,5,4 -0.9,6,4 -0.9,5,7 -0.9,4,3 -0.9,5,3 -0.9,3,2 0.9,6,5 -0.9,3,4 -0.9,6,15 +0.9,5,6 +0.9,9,12 +0.9,2,0 0.9,8,7 -0.9,4,0 -0.9,4,2 -0.9,10,14 -0.9,6,5 -0.9,9,5 -0.9,5,4 -0.9,10,10 -0.9,4,5 -0.9,1,2 +0.9,3,3 +0.9,5,2 +0.9,6,4 +0.9,10,11 +0.9,4,3 +0.9,4,3 0.9,8,8 -0.9,6,6 -0.9,7,6 -0.9,2,1 -0.9,2,2 -0.9,2,5 -0.9,5,4 -0.9,7,11 -0.9,4,5 -0.9,7,12 -0.9,7,8 -0.9,13,7 -0.9,8,7 -0.9,6,5 -0.9,2,2 -0.9,10,6 -0.9,5,5 +0.9,5,7 +0.9,11,9 +0.9,9,8 +0.9,8,5 +0.9,12,4 +0.9,8,2 +0.9,9,7 0.9,7,6 -0.9,5,1 +0.9,9,7 +0.9,5,2 0.9,7,5 -0.9,1,0 +0.9,4,7 +0.9,7,3 +0.9,10,10 +0.9,1,1 +0.9,4,5 +0.9,8,11 +0.9,4,3 +0.9,4,3 +0.9,6,10 +0.9,5,8 +0.9,4,1 0.9,5,5 -0.9,9,9 -0.9,9,9 -0.9,9,10 -0.9,6,7 -0.9,3,6 -0.9,7,6 -0.9,9,15 +0.9,7,3 +0.9,9,11 0.9,4,4 -0.9,6,1 +0.9,5,7 0.9,6,6 +0.9,6,4 +0.9,7,5 +0.9,12,14 0.9,7,6 -0.9,9,5 -0.9,5,5 -0.9,5,3 -0.9,5,7 -0.9,9,7 -0.9,8,13 -0.9,5,0 -0.9,4,3 +0.9,6,8 +0.9,4,1 +0.9,3,3 0.9,5,7 -0.9,10,7 -0.9,5,6 -0.9,4,3 -0.9,5,1 -0.9,6,7 -0.9,5,6 -0.9,8,6 -0.9,9,7 -0.9,4,5 -0.9,7,4 -0.9,11,12 +0.9,5,3 0.9,3,3 -0.9,3,0 -0.9,3,1 -0.9,1,2 -0.9,4,5 -0.9,4,7 -0.9,4,4 +0.9,9,6 0.9,6,6 -0.9,6,7 -0.9,3,3 -0.9,4,4 -0.9,12,9 -0.9,4,3 -0.9,5,5 +0.9,5,6 +0.9,6,5 +0.9,7,10 0.9,7,6 0.9,9,6 -0.9,6,3 -0.9,9,9 -0.9,7,3 0.9,6,6 -0.9,3,2 -0.9,6,4 -0.9,7,1 -0.9,3,3 -0.9,4,4 -0.9,6,7 -0.9,8,9 -0.9,6,9 -0.9,5,1 +0.9,8,8 0.9,6,4 -0.9,3,3 -0.9,2,2 -0.9,5,0 -0.9,7,7 -0.9,11,10 +0.9,9,8 +0.9,2,3 0.9,5,1 -0.9,4,3 -0.9,4,5 -0.9,5,6 +0.9,9,8 0.9,5,5 +0.9,6,4 +0.9,8,5 +0.9,3,4 +0.9,11,8 +0.9,8,8 +0.9,8,5 +0.9,4,2 0.9,6,6 +0.9,3,2 +0.9,7,5 +0.9,4,2 +0.9,7,4 +0.9,6,3 +0.9,12,12 +0.9,6,7 +0.9,7,8 +0.9,7,4 +0.9,3,2 +0.9,9,6 +0.9,7,7 0.9,2,1 -0.9,7,3 -0.9,5,4 -0.9,6,9 -0.9,9,5 -0.9,6,4 +0.9,6,5 0.9,8,12 -0.9,10,12 -0.9,6,1 -0.9,11,12 +0.9,4,3 +0.9,4,1 +0.9,2,2 +0.9,5,5 +0.9,5,7 +0.9,4,6 +0.9,7,7 +0.9,9,11 +0.9,5,5 +0.9,7,6 +0.9,9,11 +0.9,5,2 +0.9,6,8 0.9,5,4 -0.9,10,2 0.9,8,7 -0.9,3,3 -0.9,6,7 -0.9,10,13 -0.9,8,4 -0.9,9,9 -0.9,11,12 -0.9,8,8 -0.9,4,5 +0.9,9,8 +0.9,4,3 +0.9,3,4 +0.9,5,6 +0.9,6,1 +0.9,8,6 +0.9,5,7 0.9,10,5 +0.9,4,5 +0.9,5,5 +0.9,7,8 +0.9,4,3 +0.9,6,2 +0.9,5,4 +0.9,8,6 +0.9,11,5 +0.9,9,10 +0.9,7,11 0.9,9,11 -0.9,3,3 -0.9,4,6 +0.9,6,8 +0.9,4,2 +0.9,10,6 0.9,2,3 +0.9,6,6 +0.9,8,6 +0.9,12,16 0.9,6,4 -0.9,8,10 -0.9,2,4 -0.9,4,4 -0.9,0,0 -0.9,1,0 -0.9,4,2 -0.9,4,4 +0.9,5,6 0.9,7,5 +0.9,12,10 +0.9,4,6 +0.9,6,3 0.9,3,2 -0.9,4,1 +0.9,2,3 0.9,4,2 -0.9,10,6 -0.9,5,2 -0.9,4,5 -0.9,2,2 -0.9,7,4 0.9,7,5 -0.9,8,8 -0.9,6,3 -0.9,6,5 -0.9,8,7 +0.9,7,6 0.9,3,2 -0.9,2,1 -0.9,5,7 +0.9,6,8 +0.9,8,3 +0.9,6,7 +0.9,4,7 +0.9,7,8 +0.9,5,3 +0.9,11,8 +0.9,5,3 +0.9,6,5 +0.9,3,3 +0.9,6,8 +0.9,6,2 +0.9,6,7 +0.9,5,5 0.9,3,3 +0.9,9,8 +0.9,6,9 +0.9,5,7 +0.9,2,1 +0.9,3,4 0.9,7,4 -0.9,11,9 +0.9,10,13 +0.9,7,9 +0.9,6,5 +0.9,5,6 +0.9,4,3 +0.9,9,9 +0.9,7,3 +0.9,5,7 +0.9,3,5 +0.9,5,7 +0.9,6,2 +0.9,6,2 0.9,6,4 +0.9,4,0 0.9,7,6 -0.9,2,1 -0.9,7,7 -0.9,9,13 -0.9,7,4 0.9,5,5 +0.9,5,10 +0.9,13,11 +0.9,4,4 +0.9,9,8 +0.9,7,6 +0.9,6,3 +0.9,4,3 +0.9,3,0 +0.9,6,5 +0.9,8,4 0.9,2,2 +0.9,7,3 +0.9,7,6 +0.9,6,7 +0.9,10,7 +0.9,5,3 0.9,6,4 -0.9,5,7 +0.9,3,7 +0.9,8,6 +0.9,11,10 0.9,6,6 -0.9,6,8 -0.9,4,4 -0.9,8,10 -0.9,6,2 -0.9,8,9 -0.9,9,9 +0.9,4,1 +0.9,7,7 +0.9,7,6 +0.9,10,8 +0.9,7,9 +0.9,2,1 +0.9,5,9 +0.9,5,6 +0.9,3,6 +0.9,6,1 +0.9,4,2 0.9,6,4 -0.9,11,9 -0.9,7,5 -0.9,4,5 +0.9,4,6 0.9,5,4 0.9,9,11 -0.9,7,1 -0.9,4,1 +0.9,5,1 +0.9,4,6 +0.9,4,9 +0.9,8,7 +0.9,9,6 +0.9,7,7 0.9,6,5 -0.9,7,4 -0.9,11,6 -0.9,12,2 +0.9,7,7 +0.9,8,7 +0.9,6,7 0.9,3,2 -0.9,5,4 -0.9,4,3 -0.9,9,7 -0.9,6,2 -0.9,5,5 +0.9,1,2 +0.9,9,9 0.9,6,4 -0.9,6,8 -0.9,8,7 +0.9,2,0 +0.9,10,15 +0.9,4,4 +0.9,5,7 +0.9,6,7 +0.9,11,13 +0.9,6,4 +0.9,5,6 +0.9,3,0 +0.9,6,1 0.9,7,7 -0.9,10,9 -0.9,3,7 -0.9,5,2 -0.9,8,8 -0.9,6,3 -0.9,6,6 -0.9,4,5 -0.9,3,3 -0.9,5,3 -0.9,5,4 -0.9,7,5 -0.9,8,9 -0.9,5,8 -0.9,7,8 -0.9,13,8 -0.9,1,0 -0.9,4,3 -0.9,2,5 -0.9,11,12 -0.9,8,4 -0.9,10,6 -0.9,8,5 +0.9,9,7 0.9,5,3 -0.9,7,4 -0.9,16,11 +0.9,5,5 +0.9,2,2 +0.9,12,13 +0.9,3,2 +0.9,4,4 +0.9,7,9 +0.9,3,6 +0.9,7,9 +0.9,6,4 +0.9,5,6 +0.9,4,2 0.9,5,4 +0.9,9,8 +0.9,9,5 +0.9,8,6 +0.9,8,12 +0.9,4,1 +0.9,11,11 +0.9,5,2 +0.9,5,3 0.9,6,6 -0.9,9,6 -0.9,6,5 0.9,7,6 +0.9,6,6 +0.9,8,12 +0.9,7,11 +0.9,4,2 +0.9,6,8 +0.9,3,4 +0.9,5,4 +0.9,6,9 0.9,7,3 +0.9,4,0 +0.9,1,1 +0.9,4,3 0.9,7,4 -0.9,7,6 -0.9,4,5 -0.9,4,4 -0.9,5,5 -0.9,7,6 -0.9,9,3 -0.9,8,6 +0.9,6,6 +0.9,3,1 +0.9,7,10 0.9,6,4 -0.9,4,5 -0.9,5,6 -0.9,8,4 +0.9,7,8 0.9,5,4 -0.9,8,2 -0.9,7,6 -0.9,7,6 -0.9,6,3 0.9,6,6 +0.9,4,5 +0.9,7,8 0.9,6,8 -0.9,3,1 +0.9,5,5 0.9,2,2 -0.9,7,6 -0.9,7,4 0.9,7,4 -0.9,5,6 -0.9,0,0 -0.9,1,1 -0.9,5,3 -0.9,5,5 +0.9,3,2 +0.9,4,4 +0.9,8,7 +0.9,7,8 +0.9,4,4 0.9,5,10 +0.9,9,7 +0.9,2,3 +0.9,8,5 +0.9,6,5 +0.9,6,4 0.9,6,6 -0.9,1,3 -0.9,5,4 -0.9,8,9 -0.9,4,2 -0.9,5,3 +0.9,6,5 +0.9,5,2 +0.9,4,4 +0.9,4,1 +0.9,12,7 +0.9,3,1 +0.9,4,3 +0.9,3,1 +0.9,9,6 +0.9,6,1 +0.9,4,4 +0.9,8,8 0.9,2,3 +0.9,3,2 +0.9,1,0 +0.9,10,2 0.9,4,2 +0.9,5,8 +0.9,2,2 +0.9,3,1 +0.9,4,8 +0.9,4,2 +0.9,8,8 +0.9,6,7 +0.9,5,5 +0.9,9,9 0.9,5,4 -0.9,7,8 +0.9,3,4 +0.9,3,5 0.9,5,4 -0.9,5,5 -0.9,7,4 -0.9,9,4 +0.9,6,1 0.9,3,3 -0.9,6,5 -0.9,5,2 -0.9,7,2 0.9,4,4 -0.9,6,3 -0.9,8,6 -0.9,6,8 -0.9,8,4 -0.9,5,4 -0.9,6,4 -0.9,2,0 -0.9,9,4 0.9,4,2 -0.9,5,4 +0.9,6,6 +0.9,5,6 +0.9,4,8 +0.9,7,4 +0.9,7,5 0.9,5,3 -0.9,4,1 -0.9,7,10 -0.9,3,0 -0.9,9,9 -0.9,6,4 -0.9,4,2 -0.9,6,2 -0.9,4,1 +0.9,6,6 +0.9,6,8 +0.9,13,12 +0.9,3,2 +0.9,6,8 0.9,6,5 -0.9,6,10 -0.9,8,8 -0.9,2,2 -0.9,5,1 -0.9,5,5 -0.9,6,2 -0.9,8,5 -0.9,5,2 -0.9,5,3 +0.9,6,9 0.9,6,4 -0.9,7,4 0.9,5,4 -0.9,6,4 -0.9,2,2 -0.9,10,14 -0.9,4,4 -0.9,4,9 +0.9,3,1 +0.9,4,6 +0.9,7,4 +0.9,1,3 0.9,9,8 -0.9,7,2 -0.9,9,12 -0.9,8,9 +0.9,7,3 +0.9,4,4 0.9,6,4 -0.9,10,14 -0.9,4,3 -0.9,7,11 -0.9,7,12 +0.9,4,6 0.9,5,6 -0.9,9,9 -0.9,9,4 -0.9,2,2 -0.9,1,2 -0.9,5,2 -0.9,7,7 +0.9,7,9 +0.9,14,11 0.9,3,3 +0.9,4,2 +0.9,2,1 +0.9,7,7 0.9,7,5 -0.9,5,11 -0.9,6,4 -0.9,2,3 +0.9,9,10 +0.9,7,5 +0.9,3,1 +0.9,2,1 +0.9,1,2 0.9,9,4 -0.9,5,4 -0.9,7,4 -0.9,3,7 -0.9,3,0 -0.9,9,7 -0.9,7,4 -0.9,7,10 -0.9,8,6 -0.9,6,4 -0.9,9,7 +0.9,7,6 0.9,7,7 -0.9,4,4 -0.9,6,4 -0.9,8,5 -0.9,3,4 0.9,6,3 -0.9,5,11 +0.9,7,8 +0.9,6,7 +0.9,6,9 +0.9,8,6 +0.9,8,9 +0.9,2,0 +0.9,5,5 +0.9,3,3 +0.9,2,2 +0.9,5,2 +0.9,2,4 +0.9,5,6 0.9,6,8 -0.9,6,5 -0.9,9,3 -0.9,3,2 -0.9,8,8 -0.9,9,9 +0.9,4,0 +0.9,7,1 +0.9,9,4 +0.9,7,7 0.9,4,5 +0.9,5,4 +0.9,9,5 +0.9,8,5 +0.9,2,1 0.9,7,6 +0.9,9,10 +0.9,8,7 +0.9,8,3 +0.9,7,13 +0.9,3,0 +0.9,5,3 +0.9,8,2 +0.9,8,7 +0.9,4,4 +0.9,8,8 +0.9,5,5 +0.9,8,7 +0.9,6,5 +0.9,9,4 +0.9,7,12 +0.9,8,7 0.9,3,2 -0.9,5,8 -0.9,9,6 -0.9,3,5 -0.9,6,3 +0.9,7,8 0.9,4,3 +0.9,4,5 +0.9,8,9 0.9,5,2 +0.9,8,5 +0.9,6,7 +0.9,11,8 +0.9,8,4 +0.9,2,4 +0.9,4,4 +0.9,8,5 +0.9,7,4 +0.9,7,3 +0.9,4,7 +0.9,3,3 +0.9,7,7 +0.9,6,5 +0.9,7,4 +0.9,1,1 +0.9,10,10 +0.9,6,10 +0.9,2,3 0.9,5,4 -0.9,11,13 -0.9,5,4 -0.9,7,5 -0.9,10,3 -0.9,7,6 0.9,6,5 -0.9,8,10 -0.9,6,3 +0.9,3,3 +0.9,5,4 +0.9,4,6 +0.9,7,7 0.9,5,5 -0.9,6,9 -0.9,7,5 -0.9,6,4 +0.9,6,3 +0.9,8,12 0.9,5,3 -0.9,2,3 -0.9,8,7 -0.9,4,5 -0.9,4,3 -0.9,7,2 +0.9,4,2 +0.9,8,8 +0.9,6,6 +0.9,6,6 +0.9,3,9 +0.9,6,8 +0.9,6,5 +0.9,3,8 +0.9,5,3 +0.9,8,5 0.9,3,2 -0.9,2,3 -0.9,7,5 -0.9,5,1 -0.9,5,4 0.9,4,2 -0.9,11,6 +0.9,4,6 +0.9,4,7 0.9,6,2 -0.9,8,1 -0.9,5,5 -0.9,7,7 -0.9,2,3 -0.9,11,13 -0.9,3,0 -0.9,7,6 -0.9,8,5 -0.9,11,9 -0.9,5,5 -0.9,2,1 -0.9,8,4 -0.9,6,3 -0.9,12,10 0.9,3,2 -0.9,5,3 -0.9,7,5 +0.9,6,4 +0.9,5,6 +0.9,11,12 +0.9,9,4 +0.9,2,1 +0.9,6,5 0.9,6,5 -0.9,8,6 -0.9,9,6 -0.9,7,3 -0.9,7,6 -0.9,3,1 0.9,7,9 -0.9,5,4 +0.9,8,9 +0.9,2,3 +0.9,5,6 +0.9,6,5 +0.9,7,10 0.9,9,7 -0.9,5,3 -0.9,5,3 -0.9,5,5 -0.9,5,2 -0.9,6,8 -0.9,9,10 -0.9,6,6 +0.9,3,4 +0.9,6,4 +0.9,5,10 +0.9,5,4 +0.9,6,9 +0.9,5,4 +0.9,9,14 0.9,6,6 -0.9,4,3 -0.9,8,9 0.9,5,4 -0.9,7,7 -0.9,5,2 -0.9,1,1 -0.9,3,6 -0.9,5,5 -0.9,7,10 -0.9,7,5 -0.9,7,8 +0.9,4,3 +0.9,12,15 +0.9,7,9 0.9,5,3 -0.9,4,7 -0.9,6,8 +0.9,9,9 +0.9,4,3 0.9,4,2 -0.9,6,5 -0.9,2,0 -0.9,6,4 +0.9,1,0 +0.9,0,0 +0.9,0,1 +0.9,10,5 +0.9,8,7 +0.9,8,5 0.9,6,3 -0.9,3,2 -0.9,7,10 -0.9,9,13 -0.9,4,2 -0.9,4,5 -0.9,5,1 -0.9,2,4 -0.9,4,3 +0.9,7,3 +0.9,8,6 +0.9,5,3 +0.9,2,1 +0.9,2,2 +0.9,3,5 +0.9,3,3 +0.9,10,11 +0.9,9,4 +0.9,5,3 +0.9,6,7 +0.9,4,4 +0.9,2,0 +0.9,1,1 +0.9,15,11 0.9,6,3 +0.9,11,8 +0.9,6,1 +0.9,5,5 +0.9,2,3 +0.9,6,7 +0.9,8,8 +0.9,8,9 0.9,9,7 -0.9,4,8 -0.9,3,2 -0.9,7,8 -0.9,6,6 -0.9,4,4 -1,9,8 -1,6,5 -1,4,5 -1,3,3 -1,6,7 -1,3,0 -1,5,4 -1,3,4 -1,3,2 -1,8,1 -1,12,9 -1,5,4 -1,2,3 -1,7,6 -1,4,3 -1,5,3 -1,9,8 -1,5,3 -1,7,6 -1,7,5 -1,11,6 -1,12,10 -1,6,9 -1,5,6 -1,8,4 -1,4,3 -1,7,3 -1,3,5 -1,6,2 -1,4,1 -1,12,18 -1,7,8 -1,10,7 -1,7,10 -1,4,5 -1,4,2 -1,5,3 -1,5,1 -1,4,5 -1,4,2 -1,2,0 -1,6,8 -1,8,4 -1,5,6 -1,5,6 -1,7,10 -1,5,2 -1,9,9 -1,9,4 -1,2,2 -1,1,2 -1,4,5 -1,6,0 +0.9,6,2 +0.9,5,4 +0.9,6,3 +0.9,9,8 +0.9,7,1 +0.9,7,5 +0.9,11,7 +0.9,5,5 +0.9,11,6 +0.9,5,6 +0.9,11,12 +0.9,9,8 +0.9,5,5 +0.9,11,14 +0.9,7,6 +0.9,2,2 1,8,6 -1,3,3 -1,6,2 -1,8,5 -1,5,5 -1,4,4 -1,6,8 -1,6,6 -1,6,6 +1,5,2 +1,8,12 +1,5,7 +1,12,5 +1,9,3 1,4,2 1,4,5 -1,5,4 -1,10,10 -1,6,3 -1,11,11 -1,5,5 -1,9,9 -1,3,3 -1,2,0 -1,6,12 -1,4,4 -1,9,8 +1,7,8 +1,1,1 1,8,6 -1,7,6 1,7,11 -1,6,9 -1,2,1 -1,4,3 -1,3,2 -1,6,3 -1,2,3 -1,10,12 -1,4,3 -1,9,9 -1,8,7 -1,6,5 -1,8,8 -1,4,1 -1,16,13 -1,6,3 -1,4,8 -1,5,1 -1,3,5 -1,2,1 -1,1,2 -1,7,9 -1,10,10 -1,6,6 -1,3,5 -1,4,0 -1,2,1 -1,5,7 1,3,2 -1,11,15 -1,6,4 -1,9,13 -1,8,6 +1,13,9 +1,10,8 +1,8,2 +1,5,6 +1,8,7 +1,6,6 +1,7,7 +1,10,5 1,7,11 -1,7,10 +1,12,12 1,9,8 -1,7,8 -1,5,5 -1,6,9 -1,7,5 -1,4,4 -1,2,4 -1,3,4 +1,7,4 1,6,6 -1,10,12 -1,5,4 -1,7,8 -1,12,11 -1,7,2 -1,3,3 1,6,5 -1,9,5 -1,6,3 -1,6,6 -1,5,3 -1,6,3 -1,4,4 -1,1,1 -1,7,6 -1,9,7 -1,6,3 -1,4,2 -1,10,11 -1,6,4 -1,5,1 -1,4,6 -1,7,7 +1,9,10 +1,8,11 1,6,5 -1,2,1 -1,5,5 1,10,13 -1,2,0 -1,8,6 -1,5,1 -1,9,7 -1,11,11 -1,3,3 -1,4,5 -1,12,11 -1,8,9 +1,4,3 +1,6,6 +1,12,13 +1,7,6 +1,7,5 1,3,2 -1,6,10 -1,5,10 -1,3,5 -1,6,9 -1,10,12 1,5,7 -1,8,4 -1,2,0 -1,10,8 -1,10,14 -1,5,4 -1,9,5 -1,5,5 -1,7,5 +1,9,6 +1,8,7 1,5,4 -1,5,7 -1,2,1 -1,9,8 -1,7,6 -1,3,3 -1,9,9 -1,5,8 -1,8,14 -1,9,7 -1,6,5 -1,13,19 -1,4,2 -1,8,4 -1,7,7 +1,10,7 +1,6,6 1,6,5 +1,8,7 +1,1,1 +1,12,8 +1,9,9 +1,4,4 1,6,1 1,5,4 -1,7,7 +1,4,6 1,5,4 -1,6,9 +1,6,8 +1,3,2 +1,5,3 +1,5,2 +1,5,6 1,6,5 -1,5,4 -1,8,6 -1,5,10 -1,8,3 +1,8,10 +1,8,7 +1,8,7 +1,3,1 +1,4,4 +1,3,3 +1,12,10 +1,4,6 +1,6,6 +1,9,9 1,7,8 1,3,4 +1,7,1 +1,5,2 1,10,10 -1,7,9 -1,6,8 -1,6,7 -1,5,5 +1,9,5 +1,6,4 +1,4,1 +1,10,2 +1,6,6 +1,7,2 +1,6,4 1,6,3 -1,8,6 -1,8,2 -1,3,5 -1,5,6 -1,6,8 -1,8,7 -1,7,4 -1,5,7 -1,7,12 -1,8,9 -1,6,2 -1,5,8 +1,7,7 +1,4,5 +1,7,6 +1,7,5 +1,8,11 +1,6,4 +1,7,5 1,3,2 1,5,3 -1,8,4 +1,3,4 +1,6,3 1,6,1 1,7,5 +1,8,8 +1,7,4 +1,3,6 +1,6,7 +1,14,12 +1,4,6 +1,1,2 +1,5,4 +1,2,1 1,6,3 -1,5,5 -1,6,3 +1,7,3 +1,7,2 +1,8,4 +1,7,2 +1,9,7 +1,5,3 +1,5,3 +1,3,5 +1,6,5 +1,15,17 +1,7,6 +1,5,2 +1,3,5 +1,5,4 +1,9,4 +1,8,10 +1,5,1 +1,4,7 +1,6,7 +1,9,6 +1,11,9 +1,9,5 +1,5,7 +1,11,5 +1,7,3 +1,6,6 +1,3,2 +1,5,8 +1,5,4 +1,11,4 +1,9,9 +1,7,6 +1,7,4 +1,7,2 +1,8,9 +1,7,4 +1,12,8 1,4,3 -1,6,8 +1,7,3 +1,9,11 1,5,4 +1,8,7 +1,4,3 +1,8,8 +1,9,10 +1,6,6 +1,9,9 +1,8,7 +1,7,4 +1,7,5 +1,4,3 +1,6,6 +1,6,6 +1,7,7 +1,9,10 +1,12,9 +1,3,1 +1,4,8 +1,7,6 1,6,5 +1,10,11 +1,6,8 +1,5,5 +1,5,2 1,3,2 +1,5,5 1,5,2 -1,6,1 -1,7,1 +1,6,7 1,5,11 +1,5,3 1,7,5 -1,4,3 -1,7,5 -1,6,4 -1,7,5 +1,5,7 +1,6,1 +1,5,6 +1,6,3 1,7,6 -1,3,3 -1,5,2 -1,4,3 +1,10,7 +1,11,13 +1,8,3 +1,11,8 +1,4,2 +1,6,2 +1,5,1 +1,5,6 +1,7,4 1,5,4 -1,2,2 -1,7,8 -1,7,8 -1,6,6 -1,2,1 1,4,2 +1,5,0 +1,5,6 +1,9,7 +1,8,9 +1,4,5 +1,10,9 +1,5,5 +1,9,7 +1,5,2 +1,4,7 +1,6,2 +1,8,7 +1,8,10 +1,4,2 +1,4,5 +1,7,13 +1,4,7 +1,4,8 +1,3,1 +1,8,11 +1,5,3 +1,7,6 +1,5,3 1,7,8 -1,4,4 -1,4,3 -1,10,13 -1,4,4 -1,3,0 +1,10,4 +1,8,4 +1,5,4 +1,2,0 +1,8,7 +1,8,7 +1,5,2 +1,3,6 1,6,7 -1,7,5 -1,8,9 -1,4,2 -1,12,10 -1,11,11 -1,4,2 -1,7,2 1,6,5 +1,6,8 1,7,6 -1,8,6 -1,8,9 -1,6,6 +1,3,1 +1,5,4 +1,7,5 +1,9,8 +1,10,7 +1,4,8 +1,4,4 +1,6,10 +1,6,3 1,4,3 -1,4,2 -1,4,1 -1,5,5 -1,8,3 -1,9,7 -1,7,10 +1,2,0 +1,5,2 +1,10,8 +1,8,5 1,7,9 +1,5,3 +1,4,3 +1,2,2 +1,5,3 1,6,2 1,4,3 -1,5,2 -1,7,8 -1,4,4 1,3,3 -1,6,0 +1,3,4 +1,5,1 +1,2,1 1,7,4 -1,7,12 -1,8,8 +1,9,11 +1,10,6 +1,11,8 +1,7,9 +1,10,5 +1,7,7 +1,6,7 +1,7,9 +1,4,3 +1,11,10 1,5,2 -1,3,1 -1,5,7 -1,7,8 1,7,11 -1,5,0 -1,7,3 +1,4,8 +1,7,6 +1,6,3 +1,2,3 +1,7,9 +1,4,3 +1,7,9 +1,5,4 +1,8,8 +1,9,8 +1,9,8 1,7,8 -1,9,4 -1,4,4 -1,7,4 -1,10,7 +1,5,3 +1,6,8 +1,6,6 1,6,7 -1,4,4 +1,4,3 +1,4,6 +1,4,5 +1,7,7 +1,4,2 1,4,4 1,3,2 -1,14,18 -1,6,7 +1,6,6 +1,2,4 +1,6,3 1,6,4 -1,7,13 -1,8,8 -1,5,5 -1,4,5 -1,8,5 -1,4,4 +1,7,5 1,3,4 -1,3,2 -1,7,7 -1,6,8 -1,10,12 -1,4,5 -1,9,8 -1,5,4 -1,5,4 +1,5,1 1,8,4 -1,6,2 -1,7,10 -1,2,1 -1,9,9 -1,8,7 -1,6,8 1,5,5 -1,6,5 -1,8,5 -1,3,1 -1,8,5 -1,8,4 -1,12,16 -1,5,4 -1,3,0 -1,12,13 -1,5,4 +1,10,8 1,2,0 -1,3,3 -1,4,2 -1,7,10 -1,9,10 -1,3,1 -1,7,9 -1,11,9 -1,6,7 -1,3,2 -1,6,4 -1,10,4 -1,7,8 -1,9,14 -1,6,5 -1,12,11 -1,2,5 -1,7,0 -1,8,3 -1,6,4 -1,6,2 -1,11,8 -1,4,5 -1,4,1 -1,6,3 +1,13,4 1,9,8 -1,12,13 -1,6,8 -1,10,11 -1,9,8 -1,9,8 -1,7,2 -1,10,11 1,5,5 -1,9,8 -1,5,7 -1,6,6 -1,9,10 +1,2,3 +1,4,4 +1,13,9 +1,7,5 +1,8,7 1,4,8 -1,6,4 -1,4,3 -1,8,5 -1,4,6 -1,5,6 -1,6,0 -1,8,16 +1,5,5 +1,5,1 1,7,3 -1,7,2 -1,13,17 -1,6,4 -1,9,6 -1,3,3 -1,8,6 -1,5,4 -1,11,9 +1,6,5 +1,7,9 +1,9,12 +1,4,4 +1,4,3 +1,6,8 +1,1,2 +1,9,7 +1,5,5 +1,3,2 +1,3,2 +1,9,7 +1,5,3 +1,10,9 1,5,6 -1,2,1 -1,4,5 +1,9,5 +1,12,9 +1,7,9 +1,3,6 +1,5,2 1,8,8 -1,9,4 +1,7,6 +1,4,3 +1,5,4 +1,3,4 +1,8,4 +1,3,5 +1,10,7 +1,8,9 +1,5,2 +1,6,5 +1,5,3 +1,8,11 +1,9,8 +1,11,6 +1,5,3 +1,6,6 1,6,4 -1,9,5 -1,4,7 -1,7,5 -1,11,11 -1,4,4 +1,5,9 1,3,4 +1,6,3 +1,5,7 +1,4,2 1,7,6 -1,8,8 -1,6,4 -1,8,6 -1,9,5 -1,8,11 -1,6,8 -1,7,7 -1,8,6 -1,9,3 -1,1,2 -1,4,4 -1,8,5 -1,3,2 -1,2,1 -1,3,3 +1,4,5 +1,3,5 +1,5,5 +1,6,7 +1,7,2 +1,5,4 1,5,9 -1,10,15 +1,7,8 +1,4,2 +1,6,4 +1,5,11 +1,8,7 +1,4,6 +1,8,8 +1,10,4 +1,13,16 1,9,7 -1,3,4 -1,5,3 -1,11,9 -1,9,8 +1,8,11 +1,2,1 +1,8,9 +1,5,4 1,7,8 -1,9,8 +1,5,3 1,4,5 -1,2,0 -1,7,5 -1,10,12 1,6,3 -1,5,10 -1,11,10 -1,7,4 1,5,5 -1,7,5 -1,5,6 -1,6,1 -1,7,4 -1,6,12 -1,9,7 -1,6,9 -1,8,4 -1,2,1 -1,7,4 +1,5,7 +1,12,8 +1,5,3 1,6,5 -1,8,11 -1,2,1 -1,3,3 1,5,4 -1,6,8 +1,5,11 +1,2,0 +1,3,2 +1,7,10 +1,2,2 +1,3,6 +1,6,2 +1,4,3 +1,10,11 +1,8,5 +1,9,9 +1,5,4 +1,5,9 +1,4,2 +1,3,4 +1,9,13 +1,3,5 +1,5,5 +1,9,7 +1,6,2 +1,3,3 +1,3,1 +1,8,6 1,7,7 -1,9,8 -1,2,4 -1,7,3 +1,6,4 +1,8,8 +1,5,3 +1,6,9 1,5,4 1,4,3 -1,7,6 +1,6,10 +1,7,2 +1,6,5 +1,6,12 +1,9,10 +1,7,10 +1,6,1 +1,5,2 +1,4,3 +1,3,2 +1,1,2 +1,5,4 +1,6,5 +1,6,10 +1,11,9 +1,7,9 +1,5,3 +1,5,3 1,6,2 1,8,6 -1,7,11 -1,4,2 +1,7,2 +1,8,5 +1,8,5 +1,4,4 +1,5,0 +1,6,3 +1,4,6 +1,7,6 +1,4,5 +1,5,4 +1,6,6 +1,5,5 +1,10,10 +1,5,3 +1,7,7 +1,11,7 +1,5,5 +1,8,5 +1,6,6 +1,7,9 +1,5,3 +1,5,2 +1,4,5 1,8,6 -1,12,7 +1,4,0 +1,7,6 +1,8,7 +1,5,2 +1,7,7 +1,6,2 1,4,2 +1,11,17 +1,5,4 +1,5,2 +1,8,7 +1,3,0 +1,8,8 +1,7,6 +1,8,10 +1,14,12 1,3,3 -1,2,0 -1,2,2 -1,6,12 -1,6,4 +1,4,3 1,6,6 -1,5,0 +1,6,7 +1,5,1 +1,5,3 +1,10,9 +1,7,10 +1,11,7 +1,2,1 +1,5,2 +1,5,3 +1,10,6 1,5,3 +1,4,3 +1,6,3 +1,4,2 +1,7,10 +1,3,1 1,7,7 +1,6,1 +1,2,3 +1,7,10 +1,6,7 +1,5,4 +1,7,5 +1,8,7 +1,8,12 +1,7,9 1,4,5 +1,7,5 +1,4,4 +1,8,7 +1,8,13 +1,2,4 +1,6,4 +1,10,10 +1,3,2 +1,11,11 +1,3,3 1,3,2 +1,6,7 +1,13,12 +1,10,4 +1,6,4 1,4,1 -1,5,2 1,3,1 +1,7,12 +1,5,3 +1,10,11 +1,9,9 +1,2,0 +1,2,2 +1,9,11 +1,8,13 +1,9,10 +1,8,15 +1,1,0 1,6,4 -1,6,6 -1,7,8 -1,4,1 -1,5,8 -1,9,7 -1,5,7 -1,6,9 -1,7,6 -1,6,5 -1,8,4 -1,10,1 +1,8,6 +1,4,3 +1,3,3 +1,6,10 1,8,7 -1,8,5 -1,9,11 -1,2,5 -1,7,7 -1,6,5 -1,5,3 -1,1,1 -1,6,8 +1,7,3 +1,4,3 +1,4,1 +1,4,3 +1,5,4 +1,3,4 1,8,10 +1,6,1 1,7,5 -1,6,3 -1,4,3 -1,8,5 -1,5,3 -1,9,4 -1,1,1 +1,10,7 +1,11,10 1,6,6 -1,3,2 +1,7,5 +1,8,9 +1,4,5 +1,9,9 +1,7,6 1,9,6 1,5,2 -1,10,13 +1,6,5 +1,5,7 +1,6,7 1,5,5 -1,8,7 -1,2,1 -1,7,7 -1,6,6 -1,9,6 -1,5,8 -1,11,7 -1,7,4 -1,6,6 +1,3,2 +1,11,11 1,7,8 +1,6,5 +1,7,6 +1,4,4 +1,8,12 +1,3,5 +1,5,4 +1,4,1 +1,5,0 +1,6,4 1,6,6 +1,3,2 +1,4,2 +1,8,7 +1,7,7 +1,10,10 +1,3,4 +1,7,4 +1,10,3 +1,10,8 +1,8,5 +1,12,13 +1,8,8 +1,11,8 +1,2,1 +1,5,6 +1,4,5 1,5,5 +1,10,10 1,6,5 -1,6,3 -1,1,0 -1,6,3 +1,5,6 +1,11,7 +1,8,7 +1,2,5 +1,10,7 +1,7,1 +1,12,9 +1,11,8 1,6,2 -1,3,5 -1,5,2 -1,2,2 -1,9,9 -1,5,3 -1,7,6 -1,5,1 -1,2,1 -1,7,8 -1,3,6 -1,3,2 +1,10,8 1,8,8 +1,6,10 +1,9,5 +1,5,7 +1,7,5 +1,6,4 +1,4,4 1,4,5 -1,7,4 -1,5,4 1,10,7 -1,4,7 -1,4,4 -1,8,10 -1,10,9 -1,8,4 -1,8,8 -1,11,7 -1,10,14 +1,5,7 +1,8,9 +1,8,7 1,6,6 -1,3,2 -1,8,4 -1,2,2 -1,5,5 -1,7,7 -1,4,3 -1,4,2 -1,8,6 -1,10,8 -1,1,2 -1,5,2 1,5,7 +1,11,10 +1,8,9 +1,7,5 +1,7,5 +1,9,8 +1,7,6 +1,7,10 +1,10,6 1,8,4 -1,5,6 -1,3,1 1,3,1 -1,6,7 -1,6,6 -1,6,3 -1,8,8 -1,6,6 -1,8,6 -1,7,4 -1,7,8 -1,5,7 -1,6,3 -1,4,5 -1,13,17 -1,6,4 -1,4,6 1,9,7 1,3,6 -1,7,8 +1,9,10 +1,5,2 +1,5,6 1,8,8 -1,6,3 -1,6,3 -1,6,7 -1,5,1 -1,7,6 -1,5,4 -1,6,3 -1,7,2 -1,5,5 -1,6,4 -1,7,7 -1,8,5 -1,4,3 -1,10,17 -1,0,1 +1,9,8 +1,6,2 +1,9,10 +1,6,9 +1,5,6 1,8,6 -1,2,3 -1,8,9 -1,8,12 -1,7,14 -1,5,8 -1,13,10 +1,4,4 +1,3,8 +1,5,2 +1,7,2 1,6,4 -1,9,6 -1,8,4 -1,3,1 -1,10,7 -1,10,10 -1,9,8 1,8,10 -1,9,6 -1,8,5 -1,6,7 -1,7,11 -1,7,10 -1,6,2 -1,9,6 +1,7,9 +1,6,13 +1,8,6 1,7,6 -1,7,5 -1,4,2 -1,8,7 -1,5,4 -1,6,5 -1,8,5 -1,6,6 -1,3,3 -1,8,5 -1,0,0 -1,7,3 -1,8,10 -1,6,4 -1,8,8 +1,9,8 1,4,3 +1,2,3 +1,9,5 +1,5,4 +1,5,4 +1,6,3 +1,6,2 +1,1,0 +1,3,2 +1,2,3 +1,10,9 +1,9,8 1,7,4 -1,3,5 +1,4,3 +1,6,3 +1,8,8 +1,7,8 1,2,0 -1,5,5 -1,15,8 -1,8,7 -1,6,4 -1,7,5 -1,6,5 -1,10,13 -1,4,6 +1,9,7 +1,9,4 1,7,8 -1,10,9 -1,3,8 -1,10,7 -1,9,9 -1,3,4 -1,5,6 -1,5,3 -1,4,1 -1,6,8 +1,12,12 1,6,5 -1,5,3 +1,8,8 +1,5,2 +1,5,6 1,6,5 +1,5,8 1,5,3 +1,9,10 +1,5,5 +1,10,4 +1,7,9 +1,9,10 +1,4,4 +1,5,10 +1,6,11 1,6,7 -1,9,8 -1,4,3 -1,6,5 -1,10,10 -1,6,5 -1,9,13 -1,6,4 -1,7,2 -1,5,8 -1,7,4 -1,5,9 -1,7,3 -1,5,6 -1,7,5 -1,6,5 +1,10,15 1,5,4 -1,7,8 -1,9,10 1,4,1 -1,10,6 -1,5,6 -1,4,2 +1,7,2 +1,4,7 +1,5,3 +1,10,5 +1,3,2 +1,8,15 1,4,2 -1,8,9 -1,12,10 -1,8,7 -1,8,6 -1,5,7 -1,9,11 -1,6,7 -1,9,8 -1,8,6 -1,5,4 -1,6,3 -1,9,11 +1,3,3 +1,8,10 +1,2,2 +1,3,5 +1,2,1 +1,7,6 1,5,5 +1,6,6 +1,2,1 +1,3,4 +1,6,9 +1,5,10 +1,10,10 1,5,5 -1,7,9 1,8,5 -1,6,7 -1,6,3 -1,6,4 -1,9,5 -1,4,3 -1,2,3 -1,8,13 +1,8,11 +1,5,7 +1,10,8 +1,3,4 +1,9,6 +1,10,8 +1,3,2 1,4,3 -1,10,5 +1,2,4 +1,6,9 +1,4,2 +1,7,6 1,2,2 -1,3,1 -1,7,7 +1,3,2 +1,8,6 +1,6,6 +1,3,5 +1,8,6 +1,6,8 1,3,4 1,6,6 -1,5,3 -1,6,5 +1,7,9 1,8,10 -1,8,3 -1,3,4 -1,5,5 -1,9,5 +1,6,5 +1,5,7 +1,5,1 +1,8,7 1,7,8 -1,3,3 -1,4,10 -1,6,2 -1,9,10 -1,11,13 -1,2,2 1,6,6 -1,7,5 -1,8,11 -1,5,5 -1,8,6 +1,1,0 +1,7,8 +1,8,7 +1,6,6 +1,8,3 +1,8,5 +1,10,12 +1,5,4 1,6,3 -1,4,3 +1,9,8 +1,4,4 +1,10,5 +1,8,10 +1,11,7 +1,5,8 +1,5,6 1,5,7 -1,3,1 +1,8,7 +1,4,4 +1,5,4 +1,9,10 1,4,4 -1,9,7 -1,6,5 1,2,1 -1,8,11 +1,12,16 +1,8,8 1,2,1 -1,6,4 -1,11,10 -1,8,5 -1,9,6 -1,8,4 -1,2,4 -1,5,8 -1,5,7 -1,7,9 -1,12,15 -1,5,3 -1,2,2 -1,6,5 -1,5,3 -1,9,8 -1,8,9 +1,6,7 +1,8,10 1,4,4 1,2,2 -1,5,6 -1,7,5 -1,9,10 -1,7,12 +1,6,5 +1,6,4 +1,6,4 +1,6,11 +1,6,6 +1,7,6 +1,10,10 +1,6,3 +1,3,4 +1,7,4 1,5,3 +1,5,7 +1,5,5 1,5,6 -1,8,5 +1,9,7 +1,9,5 +1,6,12 +1,12,15 +1,9,14 +1,4,5 +1,6,8 +1,3,3 +1,5,5 1,5,8 +1,8,6 +1,12,15 1,6,6 -1,8,4 -1,9,4 -1,7,9 -1,5,3 -1,7,5 +1,8,3 +1,8,10 +1,8,9 +1,10,8 +1,8,13 +1,5,4 +1,3,2 +1,7,6 +1,9,11 1,5,1 +1,10,7 +1,5,5 1,7,8 -1,13,15 -1,6,7 -1,6,2 -1,9,9 -1,10,16 -1,4,7 -1,7,3 -1,2,0 -1,6,6 -1,5,7 -1,4,6 -1,11,13 -1,4,6 -1,6,6 -1,7,5 +1,6,4 +1,4,3 +1,6,4 1,6,6 +1,10,9 +1,8,5 +1,4,2 +1,9,6 +1,5,5 +1,5,5 +1,7,11 +1,5,3 +1,6,8 +1,6,8 +1,7,9 +1,11,5 +1,8,3 +1,8,7 +1,8,7 1,6,4 -1,6,7 -1,5,6 -1,5,2 -1,3,3 -1,6,3 +1,2,3 +1,8,4 1,8,7 -1,5,5 +1,6,5 1,6,3 -1,5,6 -1,8,5 -1,2,4 -1,5,6 -1,9,7 -1,5,0 -1,6,6 1,6,3 -1,7,7 -1,12,11 -1,8,2 +1,1,1 +1,10,10 1,6,4 +1,4,3 +1,11,8 +1,11,13 +1,4,3 1,8,6 +1,7,13 +1,2,2 +1,4,2 +1,8,5 +1,7,4 +1,10,9 1,5,5 -1,4,5 -1,3,2 -1,7,6 -1,8,10 +1,4,4 +1,8,2 +1,10,11 +1,4,3 +1,7,7 +1,6,3 +1,5,7 +1,10,9 +1,8,9 +1,8,11 +1,6,5 +1,10,13 1,3,3 -1,5,6 -1,11,13 -1,6,6 +1,5,4 +1,7,8 +1,12,14 +1,6,4 +1,6,3 +1,8,7 +1,8,6 +1,7,9 +1,5,5 +1,2,2 +1,5,10 +1,7,5 +1,8,8 +1,4,0 +1,7,5 +1,7,2 +1,7,8 +1,9,8 +1,4,4 +1,9,4 +1,4,2 +1,3,1 1,9,7 -1,11,10 -1,9,6 -1,4,3 -1,6,7 +1,7,5 +1,7,7 +1,10,10 +1,8,3 +1,4,5 +1,3,1 +1,8,4 1,5,3 -1,2,3 -1,6,5 +1,1,2 +1,2,1 +1,5,2 +1,5,5 +1,3,3 +1,5,5 +1,8,7 +1,8,8 1,9,6 -1,4,5 +1,4,1 +1,3,4 +1,3,4 1,5,3 -1,11,7 -1,4,6 -1,8,6 -1,4,8 -1,2,3 -1,9,8 -1,2,2 -1,5,8 -1,10,7 +1,9,9 1,6,9 -1,6,3 -1,11,9 -1,10,5 +1,8,7 1,5,5 -1,7,10 +1,9,5 +1,5,10 +1,5,2 +1,8,8 +1,6,10 +1,6,7 +1,8,11 +1,4,3 +1,4,1 +1,4,4 +1,5,1 +1,12,7 1,6,5 -1,6,13 -1,7,4 -1,3,1 +1,8,9 +1,5,4 +1,8,4 +1,5,6 +1,3,0 1,5,7 -1,5,3 -1,4,4 -1,6,12 -1,2,0 +1,5,6 +1,3,7 1,6,3 1,8,6 -1,5,5 -1,9,7 -1,3,2 -1,6,3 -1,8,5 -1,8,7 -1,5,5 -1,5,7 -1,7,4 -1,7,5 -1,7,12 -1,4,2 -1,3,2 -1,9,4 -1,12,12 -1,6,4 -1,5,4 -1,7,4 -1,5,7 -1,9,7 -1,7,7 -1,9,6 -1,7,8 -1,8,11 -1,7,5 -1,6,4 -1,10,6 -1,3,2 1,9,10 -1,7,4 -1,3,2 +1,4,7 +1,8,4 +1,9,7 +1,11,8 +1,6,7 1,5,5 -1,7,5 -1,6,5 1,8,6 -1,8,3 -1,12,11 -1,3,3 -1,3,4 -1,5,11 +1,6,5 1,6,6 -1,2,2 -1,7,4 +1,1,0 +1,6,3 +1,11,13 +1,7,2 +1,5,4 +1,6,7 +1,11,12 +1,6,3 +1,3,2 +1,10,3 +1,6,9 +1,6,8 +1,4,3 +1,6,12 1,8,6 -1,5,5 +1,3,0 1,3,4 -1,11,8 +1,11,7 1,6,10 -1,6,4 -1,8,10 +1,4,3 1,8,6 -1,4,0 +1,8,7 +1,8,2 1,4,4 -1,7,7 -1,9,8 -1,5,3 +1,7,9 1,5,7 -1,6,4 -1,5,8 -1,5,3 -1,8,9 -1,3,7 1,6,7 -1,3,4 +1,3,1 1,6,3 -1,9,4 -1,9,8 -1,9,9 -1,8,11 +1,5,5 +1,7,3 +1,3,5 +1,7,7 +1,3,2 +1,9,10 1,7,8 -1,6,5 -1,6,6 -1,4,5 -1,5,3 -1,3,7 -1,6,7 -1,11,6 -1,5,3 -1,6,8 -1,11,9 -1,10,12 -1,1,0 -1,8,5 -1,9,6 -1,6,3 -1,9,3 -1,5,3 -1,5,6 -1,8,8 +1,10,9 +1,5,5 1,4,2 -1,12,10 -1,6,6 -1,13,11 -1,7,7 -1,5,3 -1,8,6 -1,9,4 -1,5,6 -1,8,7 -1,4,3 -1,4,6 +1,6,2 +1,7,3 +1,6,2 1,8,6 -1,8,5 -1,6,9 +1,6,1 1,5,5 -1,5,6 -1,4,7 -1,10,12 -1,6,5 -1,7,10 -1,5,3 +1,3,1 +1,4,2 1,6,5 -1,11,9 -1,8,5 -1,2,1 -1,7,8 -1,4,4 -1,9,6 -1,8,7 -1,7,5 -1,9,3 -1,8,8 -1,7,4 -1,5,2 -1,3,5 -1.1,4,2 -1.1,9,9 -1.1,5,4 +1,6,4 +1,10,5 +1.1,4,4 +1.1,6,4 +1.1,10,6 +1.1,9,5 +1.1,2,2 +1.1,6,6 1.1,7,8 +1.1,6,4 +1.1,2,3 +1.1,4,7 +1.1,3,2 +1.1,8,6 1.1,5,8 -1.1,5,3 -1.1,10,7 -1.1,11,8 -1.1,7,11 +1.1,10,9 +1.1,6,4 1.1,5,2 -1.1,7,8 +1.1,6,6 +1.1,8,9 +1.1,9,7 +1.1,8,1 +1.1,1,0 +1.1,3,3 +1.1,9,11 +1.1,4,5 +1.1,8,6 +1.1,9,4 +1.1,8,7 +1.1,7,5 +1.1,7,4 +1.1,3,3 +1.1,9,7 +1.1,5,6 +1.1,4,2 +1.1,10,7 +1.1,4,3 +1.1,8,7 +1.1,5,10 +1.1,4,4 +1.1,10,9 +1.1,4,5 +1.1,5,3 +1.1,6,6 +1.1,3,2 +1.1,7,2 +1.1,9,6 +1.1,8,11 +1.1,7,6 +1.1,11,9 +1.1,5,3 +1.1,7,6 1.1,9,6 +1.1,7,3 +1.1,12,8 +1.1,11,13 +1.1,6,4 +1.1,7,8 +1.1,5,1 +1.1,7,7 +1.1,6,7 +1.1,5,3 +1.1,9,2 +1.1,9,9 +1.1,7,9 +1.1,7,7 1.1,5,4 +1.1,9,5 1.1,3,4 -1.1,7,1 -1.1,14,17 +1.1,6,3 +1.1,3,4 +1.1,6,4 +1.1,6,3 +1.1,6,4 +1.1,3,4 +1.1,9,9 +1.1,6,2 +1.1,5,2 +1.1,9,1 +1.1,3,9 +1.1,4,1 +1.1,4,4 +1.1,10,7 +1.1,5,3 +1.1,5,5 1.1,9,10 -1.1,3,4 +1.1,4,3 +1.1,6,4 +1.1,4,5 +1.1,4,3 +1.1,7,5 +1.1,5,6 +1.1,7,6 +1.1,6,4 +1.1,5,1 +1.1,13,14 +1.1,5,5 +1.1,10,11 +1.1,7,6 +1.1,3,2 +1.1,9,4 +1.1,8,5 +1.1,6,4 +1.1,6,4 +1.1,4,4 1.1,7,8 +1.1,6,4 +1.1,8,12 +1.1,7,6 +1.1,3,2 1.1,7,8 +1.1,8,6 +1.1,10,10 +1.1,5,5 1.1,9,10 -1.1,10,2 -1.1,5,6 -1.1,10,8 -1.1,3,3 +1.1,8,9 +1.1,8,6 +1.1,7,2 +1.1,5,2 +1.1,3,1 1.1,8,8 -1.1,6,6 -1.1,4,4 -1.1,10,4 -1.1,7,6 -1.1,4,6 +1.1,8,7 +1.1,8,11 1.1,7,9 -1.1,3,4 +1.1,2,0 +1.1,6,5 +1.1,7,8 +1.1,9,5 +1.1,7,8 +1.1,2,1 +1.1,5,10 +1.1,3,2 +1.1,8,6 +1.1,5,6 1.1,6,3 -1.1,4,2 1.1,8,4 -1.1,8,7 -1.1,7,3 -1.1,5,6 -1.1,8,12 -1.1,10,7 -1.1,7,7 -1.1,11,10 -1.1,6,7 -1.1,5,7 -1.1,5,2 -1.1,15,9 -1.1,9,5 +1.1,5,5 +1.1,6,6 +1.1,5,5 +1.1,4,4 1.1,5,5 1.1,7,7 -1.1,5,3 +1.1,7,5 1.1,6,3 +1.1,9,6 +1.1,8,16 +1.1,8,7 +1.1,7,4 1.1,6,4 -1.1,5,2 -1.1,2,1 -1.1,7,12 -1.1,7,7 -1.1,15,16 -1.1,4,4 -1.1,7,3 -1.1,7,7 +1.1,2,3 +1.1,5,4 1.1,7,7 -1.1,7,6 -1.1,5,3 1.1,6,6 -1.1,7,10 +1.1,8,3 +1.1,5,1 1.1,5,3 -1.1,8,6 -1.1,11,11 -1.1,8,8 -1.1,4,5 -1.1,9,6 -1.1,2,0 -1.1,6,0 -1.1,8,8 -1.1,8,8 -1.1,8,13 1.1,7,7 -1.1,10,8 -1.1,4,3 -1.1,5,9 -1.1,7,6 -1.1,7,6 +1.1,10,12 +1.1,6,4 +1.1,8,2 +1.1,6,8 +1.1,13,17 +1.1,9,11 1.1,6,2 -1.1,9,9 -1.1,11,17 +1.1,1,1 1.1,4,2 -1.1,7,7 -1.1,7,9 1.1,6,3 -1.1,13,16 -1.1,6,4 -1.1,8,4 -1.1,1,0 -1.1,7,3 -1.1,11,7 -1.1,13,7 +1.1,6,8 +1.1,4,7 +1.1,8,7 +1.1,10,4 +1.1,5,1 +1.1,10,7 +1.1,7,5 +1.1,5,5 +1.1,6,7 +1.1,2,0 +1.1,7,7 +1.1,6,2 +1.1,6,11 1.1,8,9 +1.1,6,5 +1.1,6,2 1.1,4,2 +1.1,7,8 +1.1,6,7 +1.1,10,13 1.1,8,9 -1.1,7,13 1.1,5,3 -1.1,8,6 -1.1,10,12 -1.1,12,7 +1.1,5,10 1.1,7,5 -1.1,10,8 -1.1,3,5 +1.1,11,11 +1.1,5,3 +1.1,6,10 +1.1,9,5 1.1,6,5 -1.1,8,6 -1.1,9,12 -1.1,5,10 -1.1,3,2 -1.1,6,8 -1.1,5,1 -1.1,7,6 -1.1,6,3 -1.1,4,1 -1.1,8,5 -1.1,5,6 -1.1,7,3 -1.1,9,7 -1.1,7,2 -1.1,6,4 -1.1,6,6 -1.1,10,4 -1.1,3,3 -1.1,8,7 -1.1,12,14 -1.1,6,11 -1.1,4,4 -1.1,11,12 +1.1,9,6 +1.1,7,8 +1.1,10,10 +1.1,6,1 +1.1,9,3 +1.1,9,6 +1.1,5,7 +1.1,7,7 1.1,2,2 -1.1,8,9 -1.1,9,7 -1.1,1,1 -1.1,6,8 +1.1,5,7 +1.1,5,4 +1.1,8,11 +1.1,7,4 +1.1,11,13 1.1,8,7 -1.1,9,7 -1.1,7,11 -1.1,2,4 -1.1,12,14 -1.1,3,3 -1.1,7,6 -1.1,6,3 -1.1,7,6 1.1,5,3 -1.1,10,5 -1.1,8,9 -1.1,6,7 -1.1,7,4 +1.1,14,12 +1.1,5,6 +1.1,7,3 +1.1,4,3 +1.1,8,6 +1.1,6,12 +1.1,5,5 +1.1,10,9 +1.1,5,3 1.1,7,7 -1.1,5,8 +1.1,7,10 +1.1,3,2 +1.1,12,11 +1.1,4,2 +1.1,6,6 +1.1,7,7 +1.1,5,3 +1.1,4,3 +1.1,4,3 +1.1,7,5 +1.1,9,7 +1.1,4,2 1.1,7,6 -1.1,11,8 +1.1,13,12 +1.1,4,6 1.1,5,9 -1.1,11,7 -1.1,6,7 -1.1,15,9 -1.1,9,8 -1.1,9,10 -1.1,5,5 -1.1,5,3 -1.1,6,9 -1.1,4,5 -1.1,6,5 +1.1,3,1 +1.1,7,8 +1.1,5,4 +1.1,6,8 +1.1,9,11 +1.1,2,2 1.1,3,3 +1.1,9,8 +1.1,4,2 +1.1,10,8 +1.1,10,11 1.1,6,9 -1.1,9,5 1.1,4,2 +1.1,8,7 +1.1,10,10 +1.1,5,3 +1.1,5,3 +1.1,5,4 +1.1,4,5 +1.1,5,8 +1.1,4,3 1.1,6,3 -1.1,11,4 -1.1,7,4 -1.1,6,5 +1.1,4,7 +1.1,10,12 +1.1,8,4 1.1,4,1 -1.1,9,11 -1.1,8,10 +1.1,5,4 1.1,7,4 -1.1,10,7 -1.1,5,6 -1.1,10,7 +1.1,2,3 +1.1,7,2 +1.1,5,3 +1.1,5,3 +1.1,4,5 +1.1,7,5 +1.1,5,4 +1.1,8,8 +1.1,17,16 +1.1,3,4 +1.1,7,3 +1.1,6,6 +1.1,7,5 1.1,6,2 -1.1,3,2 -1.1,1,1 -1.1,3,2 +1.1,3,4 +1.1,5,3 +1.1,5,3 +1.1,7,6 +1.1,8,12 +1.1,10,12 +1.1,9,8 +1.1,3,6 +1.1,6,6 +1.1,5,7 1.1,7,7 -1.1,9,10 -1.1,12,7 -1.1,4,4 -1.1,6,8 +1.1,3,3 +1.1,5,5 1.1,4,2 -1.1,3,2 -1.1,8,7 -1.1,7,8 +1.1,7,2 1.1,7,6 -1.1,7,8 -1.1,8,5 +1.1,6,8 +1.1,13,17 +1.1,10,8 1.1,6,3 -1.1,3,2 1.1,8,6 -1.1,3,4 -1.1,9,5 -1.1,4,6 +1.1,7,7 +1.1,6,7 1.1,7,4 +1.1,3,1 1.1,5,6 -1.1,6,7 -1.1,9,2 -1.1,4,2 -1.1,5,5 -1.1,7,8 -1.1,8,9 -1.1,6,6 -1.1,10,8 -1.1,6,3 -1.1,2,2 -1.1,8,7 -1.1,10,8 -1.1,1,0 -1.1,6,5 -1.1,9,12 -1.1,12,13 -1.1,2,2 -1.1,5,1 -1.1,8,5 -1.1,16,12 -1.1,7,9 1.1,9,6 1.1,9,9 -1.1,8,5 -1.1,7,7 -1.1,8,4 -1.1,8,5 -1.1,5,4 -1.1,6,3 -1.1,5,2 -1.1,8,7 -1.1,6,6 -1.1,7,8 +1.1,8,11 +1.1,6,4 +1.1,4,6 1.1,11,9 -1.1,9,6 -1.1,3,0 +1.1,11,6 +1.1,8,10 +1.1,7,8 +1.1,5,5 +1.1,10,12 +1.1,1,1 +1.1,3,4 +1.1,3,4 +1.1,10,7 +1.1,5,6 +1.1,8,7 +1.1,5,6 +1.1,9,11 +1.1,12,5 +1.1,5,1 +1.1,11,6 +1.1,4,4 1.1,7,4 -1.1,8,8 -1.1,10,5 1.1,10,10 -1.1,7,4 -1.1,6,4 -1.1,8,6 +1.1,6,5 +1.1,7,5 +1.1,7,2 +1.1,9,10 +1.1,4,8 +1.1,9,11 +1.1,6,10 +1.1,7,9 +1.1,8,7 +1.1,10,11 1.1,4,2 -1.1,11,7 -1.1,5,5 +1.1,9,3 +1.1,9,9 +1.1,7,6 +1.1,6,0 +1.1,13,15 1.1,7,6 +1.1,4,2 +1.1,9,10 1.1,4,3 +1.1,4,2 +1.1,9,9 +1.1,4,4 +1.1,9,7 +1.1,6,4 +1.1,8,5 1.1,5,3 -1.1,6,6 -1.1,9,10 -1.1,6,5 -1.1,5,8 -1.1,9,8 -1.1,12,9 +1.1,5,4 +1.1,6,8 1.1,7,6 -1.1,11,10 -1.1,7,4 -1.1,4,5 -1.1,6,1 -1.1,6,7 -1.1,7,11 -1.1,12,11 -1.1,4,7 1.1,7,9 +1.1,7,6 +1.1,7,8 1.1,7,7 -1.1,10,7 -1.1,9,11 -1.1,3,2 -1.1,5,2 -1.1,7,4 -1.1,9,12 -1.1,5,4 +1.1,2,1 +1.1,7,7 +1.1,4,3 +1.1,8,3 +1.1,6,8 +1.1,8,12 +1.1,4,6 +1.1,13,17 +1.1,7,3 +1.1,7,9 +1.1,6,5 +1.1,8,6 1.1,10,13 -1.1,3,5 -1.1,5,9 +1.1,2,1 +1.1,6,4 1.1,10,10 -1.1,5,6 -1.1,8,8 +1.1,1,0 1.1,6,5 1.1,9,8 -1.1,5,3 +1.1,5,1 +1.1,5,2 +1.1,4,3 +1.1,9,3 1.1,6,8 -1.1,9,6 -1.1,2,1 -1.1,8,6 -1.1,8,12 -1.1,7,3 -1.1,2,0 -1.1,3,3 -1.1,7,5 +1.1,8,7 +1.1,2,3 +1.1,9,8 +1.1,5,4 +1.1,7,6 +1.1,4,3 +1.1,12,12 1.1,6,5 -1.1,4,6 +1.1,8,10 +1.1,7,1 +1.1,6,6 +1.1,5,2 +1.1,5,4 +1.1,9,4 +1.1,7,10 +1.1,9,6 +1.1,2,3 +1.1,6,7 +1.1,11,8 1.1,8,5 -1.1,4,6 -1.1,10,5 -1.1,4,5 +1.1,9,10 +1.1,6,6 +1.1,5,8 +1.1,6,5 +1.1,7,10 +1.1,7,6 +1.1,9,5 1.1,7,8 -1.1,5,4 -1.1,3,0 -1.1,7,5 -1.1,10,7 +1.1,7,6 +1.1,6,3 +1.1,11,8 +1.1,6,7 1.1,5,5 -1.1,8,6 -1.1,3,2 -1.1,9,7 -1.1,3,2 -1.1,2,3 -1.1,8,3 -1.1,3,1 -1.1,5,10 -1.1,5,1 -1.1,7,5 -1.1,4,0 -1.1,3,1 1.1,6,2 -1.1,10,10 +1.1,6,3 +1.1,9,8 +1.1,9,3 +1.1,6,6 1.1,5,3 -1.1,13,7 -1.1,5,1 -1.1,7,6 1.1,6,4 +1.1,6,6 +1.1,9,9 +1.1,5,4 1.1,5,3 +1.1,9,7 +1.1,7,7 +1.1,7,3 +1.1,5,4 +1.1,8,4 +1.1,7,10 +1.1,1,1 +1.1,10,9 +1.1,9,11 +1.1,4,1 +1.1,4,4 +1.1,8,7 +1.1,8,6 +1.1,7,5 +1.1,6,5 +1.1,6,6 +1.1,7,4 +1.1,2,2 +1.1,5,4 +1.1,10,16 +1.1,5,8 +1.1,10,8 1.1,6,8 1.1,5,5 -1.1,3,2 -1.1,8,8 -1.1,8,11 -1.1,6,1 -1.1,8,10 -1.1,7,5 -1.1,7,8 +1.1,3,4 1.1,4,3 -1.1,2,1 -1.1,7,5 -1.1,6,3 -1.1,11,15 -1.1,8,3 +1.1,5,3 +1.1,6,1 +1.1,4,2 +1.1,5,4 +1.1,5,5 +1.1,10,8 +1.1,7,3 +1.1,4,5 1.1,4,3 -1.1,7,10 -1.1,10,9 -1.1,12,10 -1.1,10,7 +1.1,6,6 +1.1,2,3 +1.1,3,3 +1.1,8,10 +1.1,3,1 +1.1,10,11 +1.1,5,4 +1.1,3,4 1.1,5,3 -1.1,3,2 -1.1,8,5 +1.1,9,13 +1.1,4,2 +1.1,10,9 +1.1,8,8 1.1,9,7 +1.1,9,13 1.1,6,3 -1.1,10,13 -1.1,3,2 -1.1,7,5 -1.1,11,8 -1.1,4,6 -1.1,6,8 -1.1,10,6 -1.1,1,2 -1.1,4,2 -1.1,7,8 -1.1,4,5 -1.1,7,7 -1.1,15,19 -1.1,7,7 -1.1,6,4 -1.1,1,2 1.1,8,7 +1.1,5,6 +1.1,7,6 +1.1,8,6 +1.1,8,7 +1.1,7,6 +1.1,8,6 +1.1,11,9 +1.1,6,5 +1.1,10,15 +1.1,5,4 +1.1,8,7 +1.1,6,4 1.1,6,5 -1.1,3,5 -1.1,15,14 +1.1,12,6 +1.1,6,5 +1.1,9,2 +1.1,4,2 +1.1,7,5 1.1,8,10 +1.1,9,9 1.1,3,4 +1.1,6,3 +1.1,6,5 +1.1,7,4 1.1,7,8 -1.1,6,1 +1.1,8,7 +1.1,8,6 1.1,5,5 -1.1,14,11 -1.1,7,4 -1.1,6,11 -1.1,11,9 +1.1,5,4 +1.1,6,4 1.1,8,5 -1.1,7,8 -1.1,12,10 +1.1,6,7 +1.1,11,8 +1.1,4,5 +1.1,7,6 +1.1,7,5 +1.1,7,7 +1.1,6,7 1.1,8,6 -1.1,6,5 -1.1,8,7 -1.1,14,9 -1.1,11,11 -1.1,4,2 -1.1,6,11 -1.1,8,3 -1.1,9,8 -1.1,6,9 -1.1,5,7 -1.1,4,2 -1.1,6,3 +1.1,5,5 +1.1,6,4 +1.1,9,7 +1.1,4,1 +1.1,11,5 +1.1,6,6 1.1,8,8 -1.1,6,8 -1.1,5,3 -1.1,7,7 -1.1,7,6 1.1,9,8 -1.1,17,17 -1.1,10,9 -1.1,5,7 +1.1,9,12 +1.1,4,2 +1.1,11,7 +1.1,3,4 1.1,9,7 -1.1,8,5 -1.1,6,7 +1.1,9,6 +1.1,8,6 +1.1,7,3 +1.1,8,9 1.1,5,5 -1.1,3,4 -1.1,4,4 -1.1,6,6 -1.1,7,8 +1.1,4,2 +1.1,6,4 +1.1,8,6 1.1,8,7 +1.1,10,10 +1.1,5,6 +1.1,8,6 +1.1,6,5 +1.1,6,8 +1.1,8,8 +1.1,5,7 +1.1,4,2 +1.1,5,3 1.1,4,7 -1.1,8,9 -1.1,7,8 -1.1,9,4 -1.1,7,7 +1.1,7,5 +1.1,9,12 +1.1,9,8 1.1,6,10 -1.1,3,3 -1.1,5,4 -1.1,6,6 -1.1,9,4 -1.1,9,6 -1.1,6,6 -1.1,6,6 -1.1,9,10 -1.1,10,9 +1.1,8,2 +1.1,6,11 +1.1,8,7 1.1,6,7 -1.1,8,9 -1.1,9,7 -1.1,7,6 -1.1,8,5 -1.1,5,9 -1.1,4,6 -1.1,7,5 -1.1,6,4 -1.1,4,1 -1.1,6,3 -1.1,8,5 -1.1,7,1 -1.1,6,1 -1.1,4,3 -1.1,9,10 +1.1,8,2 1.1,5,4 1.1,6,4 -1.1,5,4 -1.1,6,8 -1.1,4,4 -1.1,9,7 +1.1,9,4 1.1,5,6 1.1,7,4 -1.1,11,8 -1.1,9,7 -1.1,3,4 -1.1,6,4 -1.1,4,6 -1.1,6,4 -1.1,9,8 -1.1,10,11 +1.1,4,2 +1.1,4,0 +1.1,8,6 1.1,5,2 -1.1,6,4 -1.1,5,9 -1.1,6,3 +1.1,4,7 1.1,5,4 -1.1,6,7 +1.1,9,10 +1.1,6,9 +1.1,6,9 +1.1,1,0 +1.1,4,0 +1.1,1,2 +1.1,8,13 +1.1,3,4 +1.1,3,2 +1.1,3,2 +1.1,7,5 +1.1,5,2 +1.1,9,10 1.1,5,4 -1.1,7,3 -1.1,10,8 -1.1,7,2 -1.1,8,6 -1.1,9,8 -1.1,2,1 -1.1,4,2 +1.1,5,6 +1.1,8,5 +1.1,9,3 +1.1,5,5 +1.1,3,4 +1.1,6,2 +1.1,15,13 +1.1,2,3 1.1,5,8 -1.1,7,8 -1.1,13,10 -1.1,9,8 -1.1,6,3 -1.1,7,4 -1.1,5,3 -1.1,6,10 -1.1,7,8 -1.1,5,2 -1.1,5,3 -1.1,9,8 -1.1,9,9 -1.1,1,1 -1.1,5,3 1.1,4,4 -1.1,5,7 -1.1,4,2 +1.1,5,3 +1.1,7,9 +1.1,10,9 +1.1,12,12 +1.1,4,3 +1.1,11,2 +1.1,1,0 +1.1,6,4 +1.1,9,7 1.1,8,8 +1.1,7,9 +1.1,3,3 +1.1,5,7 1.1,6,6 -1.1,9,11 1.1,6,7 1.1,4,2 -1.1,7,5 -1.1,8,6 -1.1,5,2 -1.1,7,9 -1.1,5,6 -1.1,5,5 -1.1,8,6 -1.1,5,1 -1.1,6,6 +1.1,4,5 +1.1,7,8 +1.1,2,2 1.1,6,6 -1.1,5,1 -1.1,8,7 -1.1,9,4 -1.1,6,7 1.1,8,4 -1.1,7,5 -1.1,4,0 -1.1,4,3 -1.1,10,7 -1.1,7,5 -1.1,7,8 -1.1,10,10 -1.1,7,8 -1.1,8,8 -1.1,4,6 -1.1,8,12 +1.1,7,10 +1.1,8,10 1.1,5,2 -1.1,3,1 -1.1,4,5 -1.1,8,7 +1.1,7,2 +1.1,5,8 +1.1,10,11 +1.1,8,15 +1.1,3,2 +1.1,7,8 +1.1,7,10 +1.1,4,2 +1.1,4,2 +1.1,3,2 1.1,7,7 -1.1,2,1 -1.1,8,6 -1.1,10,6 -1.1,9,5 -1.1,7,5 -1.1,6,5 -1.1,6,4 -1.1,8,8 -1.1,8,3 +1.1,4,1 +1.1,2,4 +1.1,8,5 1.1,4,2 -1.1,4,4 -1.1,8,8 -1.1,6,8 -1.1,4,3 -1.1,11,8 -1.1,7,6 -1.1,3,4 -1.1,12,10 +1.1,5,7 +1.1,3,3 1.1,4,2 +1.1,8,11 +1.1,3,3 +1.1,5,3 1.1,4,3 +1.1,3,2 1.1,5,1 -1.1,7,4 +1.1,5,4 +1.1,5,8 +1.1,6,6 +1.1,8,5 +1.1,7,2 +1.1,5,5 +1.1,7,6 +1.1,11,12 +1.1,6,10 +1.1,7,11 +1.1,6,6 +1.1,5,6 +1.1,7,3 1.1,5,3 -1.1,7,4 -1.1,2,1 -1.1,6,12 -1.1,9,3 +1.1,10,11 +1.1,8,7 +1.1,6,2 +1.1,4,7 1.1,4,4 -1.1,8,6 1.1,9,9 -1.1,7,7 -1.1,8,10 -1.1,3,0 1.1,7,6 -1.1,3,0 -1.1,4,4 -1.1,6,4 -1.1,2,2 -1.1,10,6 -1.1,10,6 -1.1,3,1 -1.1,6,2 -1.1,4,1 1.1,7,4 +1.1,11,4 +1.1,8,4 +1.1,5,5 +1.1,8,6 +1.1,6,2 +1.1,10,7 +1.1,4,8 +1.1,5,5 +1.1,2,0 +1.1,10,6 +1.1,5,1 +1.1,5,6 +1.1,14,5 +1.1,2,1 +1.1,7,5 +1.1,5,8 +1.1,9,7 +1.1,8,3 +1.1,4,2 +1.1,6,6 +1.1,9,7 +1.1,9,13 +1.1,7,8 +1.1,14,6 +1.1,8,9 1.1,6,7 -1.1,2,2 -1.1,9,8 +1.1,4,3 +1.1,4,3 1.1,5,7 -1.1,7,7 -1.1,5,4 +1.1,4,4 +1.1,4,3 +1.1,8,8 1.1,6,7 -1.1,9,6 -1.1,10,2 +1.1,8,8 +1.1,12,11 +1.1,3,1 +1.1,9,10 +1.1,6,3 +1.1,4,5 +1.1,10,14 +1.1,6,5 +1.1,5,2 +1.1,6,7 +1.1,6,8 +1.1,6,4 +1.1,7,4 1.1,6,6 -1.1,3,5 -1.1,10,8 -1.1,3,4 -1.1,7,6 +1.1,5,6 +1.1,5,5 +1.1,7,2 +1.1,13,6 1.1,8,8 -1.1,3,7 +1.1,5,4 +1.1,6,3 +1.1,6,7 +1.1,9,3 +1.1,13,12 +1.1,10,12 1.1,11,11 -1.1,4,3 -1.1,5,11 +1.1,6,5 +1.1,3,4 +1.1,5,8 1.1,8,10 +1.1,9,5 +1.1,9,4 1.1,8,8 -1.1,8,5 -1.1,9,6 -1.1,13,9 -1.1,6,6 -1.1,17,11 -1.1,11,9 -1.1,12,14 1.1,10,9 -1.1,7,8 -1.1,9,13 -1.1,9,5 -1.1,11,12 -1.1,6,0 -1.1,12,9 -1.1,3,3 -1.1,2,5 +1.1,7,10 +1.1,10,7 +1.1,8,11 1.1,7,9 -1.1,5,4 -1.1,6,5 -1.1,7,4 -1.1,4,5 -1.1,8,9 -1.1,5,6 -1.1,5,8 -1.1,9,8 -1.1,6,3 -1.1,7,7 -1.1,8,4 -1.1,7,4 -1.1,5,3 -1.1,4,2 -1.1,9,6 -1.1,3,3 -1.1,6,6 +1.1,7,9 +1.1,5,5 +1.1,9,12 1.1,8,8 -1.1,12,20 -1.1,6,12 -1.1,10,9 -1.1,5,7 -1.1,7,6 -1.1,8,3 -1.1,3,3 -1.1,6,6 -1.1,9,13 -1.1,7,1 -1.1,11,9 1.1,6,5 -1.1,9,8 -1.1,5,3 -1.1,6,6 -1.1,12,7 +1.1,11,11 +1.1,5,4 +1.1,8,7 1.1,9,6 -1.1,6,8 -1.1,1,2 -1.1,4,7 -1.1,4,5 -1.1,8,8 -1.1,7,7 -1.1,6,5 -1.1,6,6 1.1,6,4 -1.1,8,6 -1.1,11,8 -1.1,5,3 -1.1,8,7 -1.1,9,9 -1.1,4,6 -1.1,5,5 -1.1,6,5 +1.1,8,4 +1.1,11,4 +1.1,4,4 +1.1,5,8 +1.1,11,12 +1.1,5,2 +1.1,6,2 +1.1,6,3 +1.1,5,6 +1.1,11,7 +1.1,11,15 +1.1,3,4 +1.1,5,9 +1.1,11,10 +1.1,9,10 +1.1,9,12 1.1,5,4 -1.1,8,5 -1.1,7,4 -1.1,6,3 -1.1,7,8 -1.1,9,6 -1.1,4,1 1.1,5,4 +1.1,4,1 +1.1,9,10 +1.1,4,3 +1.1,12,8 1.1,3,3 -1.1,6,12 -1.1,9,7 -1.1,7,9 +1.1,7,4 1.1,8,9 -1.1,1,0 -1.1,9,1 -1.1,8,6 +1.1,9,7 +1.1,3,5 1.1,6,3 -1.1,10,8 -1.1,13,12 -1.1,6,4 -1.1,3,4 -1.1,5,4 -1.1,5,3 -1.1,4,6 -1.1,8,3 -1.1,5,4 -1.1,4,6 -1.1,10,17 -1.1,4,5 -1.1,5,3 -1.1,9,12 -1.1,8,6 +1.1,10,4 1.1,6,5 +1.1,3,1 1.1,3,0 -1.1,5,6 -1.1,7,9 -1.1,7,5 -1.1,6,6 1.1,9,7 -1.1,6,6 -1.1,4,4 -1.1,9,13 -1.1,8,9 -1.1,5,5 -1.1,12,12 +1.1,6,2 +1.1,4,2 +1.1,5,2 +1.1,3,4 +1.1,6,4 +1.1,6,4 +1.1,3,3 +1.1,14,12 +1.1,8,10 +1.1,7,9 +1.1,8,2 +1.1,9,9 +1.1,9,8 +1.1,11,11 1.1,5,5 -1.1,5,3 -1.1,12,9 -1.1,10,9 +1.1,5,8 +1.1,13,11 +1.1,7,6 +1.1,5,2 +1.1,6,5 +1.1,7,6 1.1,9,9 -1.1,7,7 -1.1,10,9 -1.1,10,10 -1.1,2,1 -1.1,7,1 -1.1,9,4 +1.1,4,3 +1.1,4,5 +1.1,5,1 +1.1,7,4 +1.1,4,1 +1.1,6,9 +1.1,4,3 +1.1,5,6 +1.1,5,6 +1.1,7,10 +1.1,10,8 +1.1,12,8 1.1,5,7 -1.1,7,9 +1.1,6,3 1.1,9,9 1.1,9,6 +1.1,10,6 +1.1,9,13 +1.1,8,7 +1.1,7,11 +1.1,14,7 +1.1,6,6 +1.1,10,14 1.1,5,4 -1.1,6,5 1.1,7,9 -1.1,11,1 -1.1,5,4 -1.1,8,10 -1.1,3,5 -1.1,11,15 -1.1,8,12 -1.1,5,6 -1.1,1,0 -1.1,6,4 +1.1,4,2 +1.1,7,4 1.1,8,8 +1.1,6,6 +1.1,9,12 +1.1,3,7 +1.1,2,3 +1.1,2,2 +1.1,3,3 +1.1,2,0 +1.1,6,7 +1.1,4,4 +1.1,3,0 1.1,5,5 -1.1,9,9 -1.1,6,4 -1.1,5,9 -1.1,15,13 -1.1,7,11 -1.1,13,16 -1.1,10,10 -1.1,11,6 -1.1,9,16 -1.1,5,3 -1.1,3,4 +1.1,9,10 +1.1,12,10 +1.1,7,7 +1.1,1,0 1.1,5,5 -1.1,3,4 +1.1,3,1 1.1,12,10 -1.1,13,14 -1.1,3,5 -1.1,5,4 -1.1,10,9 -1.1,3,4 -1.1,9,8 1.1,4,4 -1.1,7,2 1.1,5,5 -1.1,10,9 -1.1,6,4 -1.1,6,6 -1.1,4,6 -1.1,7,7 -1.1,7,4 1.1,5,3 -1.1,6,5 -1.1,5,2 -1.1,7,3 +1.1,11,9 +1.1,12,11 +1.1,7,11 +1.1,9,10 +1.1,13,9 1.1,5,5 -1.1,6,7 -1.1,10,8 -1.1,7,5 -1.1,11,10 -1.1,7,10 -1.1,5,0 -1.1,10,12 -1.1,2,0 -1.1,2,0 -1.1,10,5 -1.1,6,5 -1.1,6,6 -1.1,7,7 -1.1,5,3 -1.1,5,12 -1.1,4,5 -1.1,5,2 -1.1,9,5 -1.1,4,3 -1.1,7,6 -1.1,4,2 -1.1,11,8 -1.1,8,5 -1.1,5,3 -1.1,3,1 -1.1,7,2 -1.1,6,5 -1.1,7,7 -1.1,4,3 -1.1,10,11 -1.1,8,6 -1.1,8,7 -1.1,6,3 -1.1,7,7 -1.1,6,3 +1.1,7,11 +1.1,5,7 +1.1,6,10 1.1,9,3 -1.1,8,12 -1.1,4,4 -1.1,10,9 -1.1,11,9 +1.1,11,6 +1.1,8,7 +1.1,3,4 +1.1,9,2 1.1,5,4 -1.1,7,7 -1.1,7,2 -1.1,6,6 +1.1,14,16 +1.1,7,8 1.1,7,4 -1.1,12,12 -1.1,3,3 -1.1,7,5 -1.1,4,2 -1.1,2,1 -1.1,5,2 -1.1,10,10 -1.1,8,4 -1.1,9,5 -1.1,6,4 -1.1,4,2 -1.1,8,4 -1.1,6,6 -1.1,5,4 -1.1,11,10 +1.1,4,5 1.1,9,6 -1.1,9,11 -1.1,13,10 -1.1,7,6 -1.1,6,4 -1.1,4,2 -1.1,10,7 -1.1,5,3 -1.1,10,11 -1.1,8,9 -1.1,5,5 -1.1,9,8 -1.1,5,7 -1.1,13,14 -1.1,5,10 -1.1,9,4 -1.1,5,3 -1.1,3,5 -1.1,9,10 -1.1,6,9 -1.1,5,5 +1.1,4,4 +1.1,6,5 +1.1,14,9 1.1,7,5 +1.1,8,7 +1.1,5,5 1.1,10,7 -1.1,2,1 -1.1,13,11 -1.1,5,4 +1.1,7,4 +1.1,6,7 +1.1,9,7 1.1,9,9 -1.1,7,8 -1.1,7,7 1.1,2,2 -1.1,13,12 -1.1,5,0 -1.1,9,8 -1.1,12,13 +1.1,8,4 +1.1,9,14 +1.1,11,23 +1.1,12,10 +1.1,2,2 +1.1,3,4 +1.1,6,3 +1.1,9,3 +1.1,9,7 +1.1,9,5 1.1,6,3 -1.1,6,6 -1.1,6,2 -1.1,8,3 -1.1,2,5 -1.1,8,10 1.1,8,5 -1.1,3,8 +1.1,8,8 +1.1,5,9 +1.1,8,3 +1.1,5,4 1.1,6,3 -1.1,8,5 1.1,7,5 -1.1,3,3 1.1,4,7 +1.1,8,11 +1.1,4,2 1.1,6,5 -1.1,5,4 -1.1,9,6 +1.1,5,3 +1.1,7,11 +1.1,10,4 1.1,6,6 +1.1,6,6 +1.1,12,15 +1.1,8,9 +1.1,6,5 +1.1,4,6 +1.1,7,9 +1.1,8,5 +1.1,10,7 +1.1,7,8 +1.1,5,5 1.1,9,7 -1.1,3,2 -1.1,8,6 -1.1,11,10 -1.1,11,11 +1.1,5,4 +1.1,4,0 1.1,5,5 -1.1,5,2 -1.1,7,4 -1.1,9,8 -1.1,1,1 -1.1,11,5 -1.1,4,1 -1.1,7,6 -1.1,7,8 +1.1,5,4 +1.1,5,3 +1.1,9,9 +1.1,9,7 +1.1,1,2 +1.1,2,2 +1.1,7,12 +1.1,5,3 +1.1,13,10 +1.1,5,3 +1.1,8,5 1.1,8,6 -1.1,13,6 +1.1,7,5 +1.1,7,4 +1.1,6,4 +1.1,7,3 1.1,5,7 -1.1,7,11 -1.1,4,5 -1.1,5,4 +1.1,5,6 1.1,4,3 -1.1,11,14 -1.1,11,9 -1.1,3,1 -1.1,12,8 -1.1,9,5 -1.1,2,1 -1.1,3,3 -1.1,2,1 -1.1,2,1 +1.1,12,13 1.1,9,6 -1.1,3,1 -1.1,13,18 -1.1,10,14 +1.1,6,6 +1.1,5,2 +1.1,2,0 +1.1,7,1 +1.1,8,4 +1.1,11,7 +1.1,2,6 +1.1,9,7 +1.1,8,5 +1.1,4,8 +1.1,5,9 +1.1,6,4 1.1,5,4 -1.1,12,8 -1.1,5,6 -1.1,5,3 -1.1,4,2 -1.1,10,5 -1.1,5,3 -1.1,8,8 -1.1,8,7 -1.1,13,10 +1.1,12,14 +1.1,3,5 +1.1,7,7 +1.1,7,7 +1.1,7,6 1.1,3,3 1.1,5,4 -1.1,5,4 +1.1,7,6 +1.1,3,3 1.1,7,8 -1.1,4,0 -1.1,12,11 -1.1,7,7 -1.1,6,6 -1.1,4,2 -1.1,9,8 -1.1,4,3 -1.1,6,6 -1.1,11,8 -1.1,10,9 -1.1,7,4 +1.1,7,2 +1.1,4,1 +1.1,6,1 +1.1,6,8 +1.1,12,9 1.1,5,3 -1.1,6,3 -1.1,5,4 -1.1,13,11 -1.1,7,8 -1.1,0,0 +1.1,9,12 1.1,8,4 -1.1,5,3 -1.1,8,7 -1.1,8,8 1.1,7,8 -1.1,4,1 -1.1,4,3 -1.1,4,2 -1.1,5,3 -1.1,6,5 -1.1,3,2 -1.1,6,3 -1.1,6,3 -1.1,8,10 -1.1,5,4 -1.1,5,6 -1.1,11,13 -1.1,5,4 -1.1,6,4 1.1,6,6 -1.1,8,5 -1.1,7,2 -1.1,2,1 -1.1,3,3 -1.1,9,7 -1.1,4,8 -1.1,2,0 -1.1,6,7 -1.1,9,11 -1.1,4,4 -1.1,4,2 -1.1,5,6 -1.1,1,1 -1.1,5,2 -1.1,2,2 -1.1,6,4 -1.1,5,5 -1.1,8,7 -1.1,6,3 -1.1,7,3 -1.1,3,2 -1.1,9,10 -1.1,4,5 -1.1,3,2 -1.1,10,9 +1.1,8,9 1.1,5,3 -1.1,9,6 +1.1,9,5 +1.1,8,12 +1.1,9,8 +1.1,3,1 +1.1,8,7 +1.1,7,10 +1.1,7,6 +1.1,14,12 1.1,2,1 -1.1,2,4 -1.1,4,7 -1.1,10,9 -1.2,8,8 -1.2,6,2 -1.2,5,6 -1.2,6,8 -1.2,5,5 -1.2,6,9 -1.2,4,3 -1.2,5,5 -1.2,5,6 -1.2,2,3 -1.2,6,4 -1.2,4,4 -1.2,12,8 -1.2,6,3 -1.2,8,4 -1.2,5,7 -1.2,6,5 -1.2,7,5 -1.2,3,7 -1.2,13,10 -1.2,4,2 -1.2,8,7 -1.2,3,1 -1.2,13,13 -1.2,8,8 -1.2,8,8 -1.2,10,3 -1.2,11,8 -1.2,15,9 -1.2,7,5 -1.2,6,4 -1.2,12,10 -1.2,7,4 -1.2,9,6 -1.2,10,6 -1.2,3,5 -1.2,11,12 -1.2,6,8 -1.2,13,8 -1.2,6,8 -1.2,8,4 -1.2,10,6 -1.2,10,10 -1.2,7,2 -1.2,8,4 -1.2,8,5 -1.2,9,8 -1.2,4,4 -1.2,8,3 -1.2,7,9 -1.2,7,9 -1.2,8,6 -1.2,7,7 -1.2,9,12 -1.2,5,8 -1.2,4,5 -1.2,8,12 -1.2,8,6 -1.2,8,1 -1.2,5,4 -1.2,6,4 -1.2,7,11 -1.2,4,6 -1.2,7,10 -1.2,3,3 -1.2,6,6 -1.2,3,2 -1.2,5,6 -1.2,9,6 -1.2,11,11 -1.2,7,12 -1.2,10,8 -1.2,10,10 -1.2,14,19 -1.2,11,6 +1.1,7,5 +1.1,0,0 +1.1,3,2 +1.1,7,5 +1.1,7,6 +1.1,7,4 +1.1,5,7 +1.1,6,3 +1.1,5,3 +1.1,2,2 +1.2,9,10 1.2,5,2 +1.2,7,10 +1.2,8,9 +1.2,5,3 1.2,7,6 -1.2,5,10 -1.2,3,1 -1.2,9,6 -1.2,8,6 +1.2,5,1 +1.2,8,4 +1.2,3,2 1.2,4,3 -1.2,10,9 -1.2,8,5 -1.2,7,8 -1.2,7,8 -1.2,9,9 -1.2,3,0 -1.2,6,6 -1.2,9,5 -1.2,10,15 -1.2,8,7 -1.2,11,9 -1.2,8,7 -1.2,6,5 +1.2,8,2 1.2,10,10 -1.2,4,3 -1.2,7,9 -1.2,9,8 -1.2,4,7 -1.2,6,7 -1.2,4,5 -1.2,11,3 -1.2,7,5 -1.2,9,6 -1.2,7,8 -1.2,7,10 -1.2,11,6 -1.2,8,6 -1.2,13,18 -1.2,10,13 +1.2,6,8 1.2,4,4 -1.2,13,11 -1.2,2,5 -1.2,6,3 -1.2,9,12 -1.2,5,8 1.2,5,4 -1.2,2,3 -1.2,10,6 -1.2,9,8 -1.2,3,3 -1.2,6,4 -1.2,4,4 +1.2,6,3 1.2,5,5 -1.2,3,2 -1.2,10,12 +1.2,10,8 1.2,4,3 +1.2,5,2 1.2,2,2 1.2,6,5 -1.2,11,10 -1.2,5,5 -1.2,4,2 -1.2,3,4 -1.2,7,2 -1.2,6,4 -1.2,8,6 -1.2,5,3 -1.2,4,5 -1.2,8,6 -1.2,6,7 -1.2,6,3 -1.2,4,6 -1.2,5,4 -1.2,4,5 -1.2,9,13 -1.2,9,5 -1.2,4,2 -1.2,10,13 -1.2,9,6 -1.2,10,8 +1.2,3,0 +1.2,5,7 1.2,4,4 -1.2,4,7 -1.2,3,6 -1.2,12,13 -1.2,6,5 -1.2,4,1 -1.2,6,4 -1.2,12,17 -1.2,6,10 +1.2,5,7 +1.2,17,17 +1.2,6,2 1.2,7,4 -1.2,4,2 -1.2,13,8 -1.2,12,7 -1.2,11,7 -1.2,6,4 -1.2,10,14 -1.2,6,3 -1.2,6,3 -1.2,5,5 -1.2,7,5 -1.2,6,5 +1.2,7,12 +1.2,9,12 +1.2,5,7 +1.2,8,6 +1.2,8,10 1.2,7,9 -1.2,14,10 -1.2,6,11 -1.2,4,4 -1.2,10,10 +1.2,7,3 +1.2,7,5 +1.2,5,4 +1.2,8,4 +1.2,5,8 1.2,6,4 -1.2,9,5 +1.2,13,11 +1.2,9,9 +1.2,9,8 +1.2,2,1 +1.2,7,4 +1.2,4,1 +1.2,8,11 +1.2,9,7 +1.2,5,2 +1.2,8,3 +1.2,14,6 +1.2,7,2 1.2,6,10 -1.2,5,3 +1.2,11,10 +1.2,9,13 1.2,6,4 -1.2,5,3 -1.2,6,7 -1.2,5,10 -1.2,5,12 -1.2,12,8 -1.2,11,7 -1.2,7,12 -1.2,8,8 -1.2,4,4 -1.2,10,9 -1.2,6,3 -1.2,7,5 -1.2,7,6 +1.2,9,4 +1.2,9,9 +1.2,9,6 +1.2,4,6 +1.2,5,6 1.2,6,2 -1.2,10,8 -1.2,8,7 +1.2,8,8 +1.2,6,6 +1.2,6,5 +1.2,6,7 +1.2,5,1 1.2,7,7 -1.2,9,11 -1.2,9,11 -1.2,7,1 -1.2,13,13 +1.2,2,0 +1.2,11,10 +1.2,6,4 +1.2,8,13 1.2,9,8 +1.2,3,6 1.2,7,5 -1.2,6,6 -1.2,4,5 -1.2,7,8 -1.2,7,3 -1.2,3,3 -1.2,9,8 -1.2,6,2 -1.2,6,3 -1.2,6,3 -1.2,8,8 1.2,5,3 -1.2,10,10 +1.2,3,1 +1.2,6,7 +1.2,5,4 +1.2,7,7 +1.2,10,11 +1.2,4,3 +1.2,7,4 1.2,5,6 1.2,7,6 +1.2,4,1 +1.2,10,9 1.2,12,10 -1.2,12,10 -1.2,5,5 -1.2,8,11 -1.2,10,13 -1.2,5,4 -1.2,7,3 -1.2,5,4 -1.2,8,6 -1.2,5,3 -1.2,9,4 -1.2,8,4 1.2,4,2 -1.2,10,5 -1.2,2,2 -1.2,3,3 -1.2,8,4 -1.2,10,5 -1.2,4,5 -1.2,8,3 +1.2,5,2 +1.2,6,6 +1.2,5,9 +1.2,8,6 +1.2,5,2 +1.2,6,8 +1.2,10,7 +1.2,6,4 +1.2,7,6 1.2,6,3 +1.2,7,6 +1.2,8,15 +1.2,4,3 +1.2,9,7 +1.2,4,5 +1.2,5,8 +1.2,7,6 +1.2,7,2 +1.2,8,9 +1.2,10,9 +1.2,5,5 +1.2,7,10 +1.2,5,3 1.2,5,4 -1.2,9,6 +1.2,8,11 +1.2,5,1 1.2,6,6 -1.2,6,3 -1.2,10,5 +1.2,13,6 +1.2,9,10 1.2,4,2 +1.2,6,6 +1.2,9,3 +1.2,6,3 +1.2,7,5 +1.2,4,3 +1.2,7,6 +1.2,9,6 +1.2,7,8 +1.2,7,8 1.2,5,2 -1.2,4,2 +1.2,10,7 +1.2,10,5 +1.2,6,8 +1.2,8,9 1.2,5,4 +1.2,7,6 +1.2,8,10 +1.2,5,1 +1.2,2,0 +1.2,7,7 +1.2,7,6 +1.2,5,5 +1.2,8,9 +1.2,7,4 +1.2,8,13 +1.2,6,2 +1.2,5,2 +1.2,4,5 +1.2,7,6 +1.2,8,9 +1.2,8,5 +1.2,2,2 1.2,5,0 +1.2,5,7 1.2,3,3 +1.2,3,5 +1.2,11,9 +1.2,5,3 +1.2,6,12 +1.2,6,5 1.2,3,3 -1.2,5,4 -1.2,12,9 -1.2,5,2 -1.2,11,7 -1.2,9,12 -1.2,6,4 -1.2,6,3 -1.2,6,7 -1.2,9,9 -1.2,5,1 -1.2,4,4 +1.2,3,0 1.2,4,6 -1.2,6,7 +1.2,5,4 +1.2,9,4 1.2,7,5 -1.2,7,8 -1.2,5,2 -1.2,10,5 -1.2,8,4 -1.2,13,5 -1.2,9,10 -1.2,10,6 -1.2,9,6 +1.2,7,6 +1.2,10,10 1.2,6,4 -1.2,2,1 -1.2,7,10 -1.2,6,3 +1.2,17,16 +1.2,3,1 +1.2,7,8 +1.2,4,1 1.2,8,5 -1.2,7,1 -1.2,7,5 -1.2,9,5 +1.2,7,8 +1.2,9,8 +1.2,6,2 +1.2,12,12 +1.2,5,5 +1.2,5,4 +1.2,6,6 +1.2,7,14 +1.2,9,8 +1.2,12,9 1.2,7,6 +1.2,7,10 1.2,6,4 -1.2,8,4 1.2,7,5 +1.2,13,7 +1.2,5,6 +1.2,8,12 +1.2,8,7 +1.2,11,11 +1.2,9,12 +1.2,3,3 +1.2,11,9 1.2,7,6 -1.2,6,3 -1.2,10,9 -1.2,11,13 -1.2,12,9 -1.2,8,6 -1.2,7,8 +1.2,9,10 1.2,7,6 -1.2,4,3 1.2,6,6 -1.2,5,6 -1.2,12,12 -1.2,6,9 -1.2,6,6 -1.2,9,7 -1.2,10,14 -1.2,4,2 -1.2,9,9 -1.2,6,9 -1.2,4,5 -1.2,4,4 -1.2,9,9 -1.2,5,4 -1.2,6,3 -1.2,9,9 -1.2,8,6 -1.2,9,4 -1.2,4,3 -1.2,4,2 -1.2,2,2 1.2,4,4 -1.2,10,11 -1.2,6,3 -1.2,11,8 -1.2,4,1 +1.2,7,5 +1.2,12,11 +1.2,8,4 +1.2,6,5 +1.2,9,8 1.2,6,3 -1.2,11,10 -1.2,10,9 -1.2,7,0 -1.2,5,7 -1.2,8,6 +1.2,9,5 +1.2,6,5 +1.2,3,1 +1.2,5,1 1.2,4,4 -1.2,4,2 -1.2,11,14 -1.2,5,5 -1.2,2,0 -1.2,6,3 +1.2,7,8 +1.2,3,2 +1.2,3,1 +1.2,5,4 +1.2,4,3 +1.2,7,5 1.2,6,4 -1.2,5,3 -1.2,8,9 -1.2,12,10 -1.2,11,6 -1.2,7,7 -1.2,8,7 -1.2,8,7 -1.2,7,4 1.2,3,3 -1.2,2,2 -1.2,4,4 -1.2,3,4 -1.2,12,16 -1.2,10,9 -1.2,7,7 -1.2,9,9 -1.2,6,6 -1.2,5,4 -1.2,5,7 +1.2,6,3 +1.2,4,3 +1.2,9,5 +1.2,5,3 1.2,6,4 -1.2,7,3 +1.2,7,7 +1.2,5,8 +1.2,8,6 +1.2,8,5 +1.2,10,10 +1.2,9,5 +1.2,7,9 +1.2,10,6 +1.2,6,8 1.2,5,4 -1.2,6,4 -1.2,9,9 +1.2,8,5 1.2,5,8 -1.2,11,15 -1.2,6,6 -1.2,9,8 -1.2,5,5 -1.2,8,9 -1.2,6,4 -1.2,11,10 -1.2,4,5 -1.2,5,5 +1.2,8,8 +1.2,5,4 +1.2,7,6 +1.2,9,5 1.2,6,5 -1.2,8,10 -1.2,5,14 -1.2,4,3 -1.2,6,7 -1.2,7,11 +1.2,6,11 +1.2,6,1 1.2,4,3 +1.2,2,2 +1.2,3,3 +1.2,6,2 +1.2,6,1 1.2,7,7 -1.2,10,11 -1.2,11,7 +1.2,8,8 +1.2,5,5 +1.2,6,3 +1.2,8,7 1.2,9,3 -1.2,5,7 -1.2,9,6 -1.2,11,9 -1.2,3,5 +1.2,6,11 1.2,7,9 -1.2,7,10 -1.2,7,8 -1.2,7,5 -1.2,9,14 -1.2,9,9 -1.2,5,4 -1.2,8,10 -1.2,9,7 -1.2,6,8 -1.2,5,6 1.2,7,8 -1.2,9,11 -1.2,9,5 -1.2,10,12 -1.2,8,9 +1.2,5,7 +1.2,7,6 +1.2,4,4 +1.2,6,0 +1.2,10,15 1.2,6,4 -1.2,8,11 -1.2,5,2 -1.2,5,4 +1.2,7,9 1.2,5,3 -1.2,10,6 -1.2,7,3 -1.2,9,7 -1.2,7,2 -1.2,7,4 -1.2,10,7 -1.2,9,14 -1.2,4,5 -1.2,6,3 -1.2,2,3 -1.2,2,2 +1.2,4,2 1.2,6,3 -1.2,6,8 -1.2,9,6 -1.2,4,5 -1.2,4,4 -1.2,10,6 -1.2,7,7 -1.2,3,2 -1.2,7,7 -1.2,9,6 -1.2,6,5 -1.2,7,6 -1.2,6,8 -1.2,9,15 -1.2,5,4 -1.2,7,7 -1.2,10,9 -1.2,8,8 -1.2,7,10 -1.2,8,5 -1.2,4,5 -1.2,10,9 -1.2,10,6 -1.2,7,3 -1.2,4,4 -1.2,8,7 -1.2,8,10 1.2,10,11 -1.2,6,5 -1.2,12,8 +1.2,8,4 +1.2,5,5 +1.2,6,3 +1.2,6,3 +1.2,9,11 1.2,7,8 -1.2,4,5 -1.2,5,6 -1.2,9,13 -1.2,10,9 -1.2,6,5 -1.2,13,16 +1.2,9,5 +1.2,11,8 +1.2,5,3 +1.2,14,10 +1.2,10,4 1.2,5,2 -1.2,9,9 -1.2,11,15 -1.2,14,14 -1.2,2,1 -1.2,8,3 -1.2,3,3 +1.2,9,6 +1.2,6,2 +1.2,5,1 +1.2,5,6 +1.2,7,10 +1.2,8,13 1.2,3,3 +1.2,10,6 +1.2,4,2 +1.2,7,4 +1.2,6,4 +1.2,6,8 +1.2,7,8 +1.2,10,5 +1.2,7,6 +1.2,6,5 +1.2,10,9 +1.2,9,6 1.2,7,7 -1.2,2,0 -1.2,8,6 -1.2,5,6 -1.2,9,5 -1.2,7,5 -1.2,4,3 -1.2,8,6 -1.2,4,8 -1.2,9,8 -1.2,8,9 -1.2,5,4 -1.2,3,2 +1.2,6,4 +1.2,10,7 +1.2,9,9 1.2,4,3 -1.2,9,4 +1.2,11,13 +1.2,4,7 +1.2,8,4 1.2,5,7 -1.2,9,4 -1.2,9,7 -1.2,10,7 -1.2,7,4 -1.2,3,2 -1.2,7,5 -1.2,6,3 +1.2,10,8 +1.2,3,4 +1.2,10,8 +1.2,9,10 +1.2,9,6 +1.2,11,9 +1.2,7,8 +1.2,11,6 +1.2,9,9 +1.2,9,6 +1.2,8,7 +1.2,11,15 1.2,7,5 +1.2,8,7 +1.2,4,4 +1.2,8,3 +1.2,7,9 +1.2,7,4 +1.2,9,10 +1.2,9,6 1.2,5,5 -1.2,7,3 -1.2,10,10 -1.2,2,2 -1.2,8,6 -1.2,6,7 +1.2,8,10 +1.2,5,6 +1.2,7,6 +1.2,7,4 +1.2,10,15 +1.2,9,11 1.2,9,9 -1.2,7,11 +1.2,7,6 +1.2,5,3 +1.2,7,6 +1.2,8,8 +1.2,3,3 +1.2,8,7 +1.2,6,6 +1.2,10,9 1.2,9,9 -1.2,10,13 -1.2,4,3 -1.2,4,1 +1.2,2,2 +1.2,6,5 +1.2,13,5 +1.2,8,9 +1.2,2,4 +1.2,4,4 +1.2,8,8 +1.2,8,4 +1.2,10,5 +1.2,13,12 +1.2,11,10 1.2,6,6 -1.2,7,3 -1.2,6,7 -1.2,10,7 -1.2,8,13 -1.2,5,7 +1.2,11,8 +1.2,7,7 +1.2,7,9 1.2,6,6 -1.2,9,4 +1.2,11,12 +1.2,5,5 1.2,6,8 -1.2,8,9 -1.2,7,9 -1.2,8,2 -1.2,4,6 -1.2,4,6 -1.2,6,2 -1.2,10,11 -1.2,5,4 1.2,3,3 -1.2,7,4 -1.2,6,6 -1.2,5,3 +1.2,11,7 1.2,8,6 -1.2,8,8 -1.2,7,5 -1.2,7,10 -1.2,3,2 -1.2,12,11 -1.2,6,0 +1.2,9,6 +1.2,9,7 1.2,5,5 -1.2,6,6 -1.2,13,21 -1.2,9,8 -1.2,12,10 -1.2,10,12 -1.2,6,4 -1.2,8,8 -1.2,12,10 -1.2,4,3 -1.2,5,3 -1.2,6,2 -1.2,4,3 1.2,5,5 -1.2,9,15 -1.2,4,3 -1.2,9,12 -1.2,6,8 +1.2,6,7 +1.2,4,5 +1.2,7,6 +1.2,2,1 +1.2,6,3 1.2,6,5 -1.2,10,6 -1.2,10,6 -1.2,6,6 -1.2,8,13 -1.2,7,2 1.2,5,5 -1.2,11,6 -1.2,5,4 -1.2,9,5 -1.2,11,7 -1.2,3,2 +1.2,7,6 +1.2,6,2 +1.2,10,11 +1.2,5,5 +1.2,10,13 +1.2,12,14 +1.2,8,6 1.2,5,4 -1.2,9,6 -1.2,11,11 -1.2,13,16 -1.2,12,8 -1.2,2,4 -1.2,8,4 -1.2,8,4 -1.2,10,7 -1.2,7,7 -1.2,7,5 -1.2,7,7 -1.2,3,2 -1.2,4,7 -1.2,6,4 -1.2,3,5 +1.2,8,7 +1.2,5,5 +1.2,5,8 +1.2,5,2 +1.2,6,7 +1.2,8,12 +1.2,5,8 +1.2,13,9 +1.2,6,3 +1.2,7,6 +1.2,9,16 +1.2,2,2 +1.2,8,6 1.2,3,1 -1.2,9,10 -1.2,12,11 +1.2,3,3 +1.2,5,1 +1.2,4,3 +1.2,10,9 +1.2,1,1 +1.2,9,13 +1.2,6,4 +1.2,4,6 +1.2,8,7 +1.2,9,9 +1.2,7,6 +1.2,9,4 +1.2,9,5 1.2,5,4 -1.2,3,2 -1.2,6,8 -1.2,9,6 -1.2,12,5 -1.2,10,10 -1.2,8,6 -1.2,14,11 +1.2,6,1 +1.2,10,11 +1.2,8,7 +1.2,9,8 +1.2,8,5 +1.2,6,3 1.2,8,6 1.2,6,3 -1.2,5,8 -1.2,10,3 -1.2,7,11 -1.2,5,6 +1.2,6,2 +1.2,8,9 +1.2,7,8 +1.2,8,13 1.2,9,9 -1.2,1,4 -1.2,10,12 -1.2,13,16 -1.2,5,7 +1.2,6,5 +1.2,4,1 +1.2,6,3 1.2,5,6 -1.2,7,7 -1.2,9,10 -1.2,4,7 -1.2,4,2 +1.2,5,6 +1.2,14,9 +1.2,6,7 +1.2,4,6 +1.2,6,5 +1.2,7,9 +1.2,8,10 +1.2,8,11 +1.2,8,5 +1.2,5,9 +1.2,6,5 +1.2,7,6 +1.2,2,1 +1.2,7,5 +1.2,11,13 +1.2,6,2 +1.2,11,8 +1.2,4,3 +1.2,7,5 +1.2,2,2 +1.2,10,8 +1.2,5,4 +1.2,7,5 +1.2,9,6 1.2,6,4 1.2,5,3 -1.2,4,4 -1.2,7,11 -1.2,9,4 -1.2,5,3 -1.2,10,14 -1.2,7,7 -1.2,7,5 -1.2,6,9 -1.2,14,13 +1.2,6,5 +1.2,5,4 +1.2,5,2 +1.2,9,12 1.2,3,3 -1.2,4,6 +1.2,8,4 +1.2,7,4 +1.2,18,13 1.2,6,4 +1.2,5,3 +1.2,5,9 +1.2,7,9 +1.2,7,5 1.2,3,3 -1.2,5,5 -1.2,5,5 -1.2,5,5 -1.2,5,2 -1.2,3,4 +1.2,1,0 +1.2,9,15 +1.2,1,1 +1.2,7,3 +1.2,5,8 +1.2,9,6 1.2,11,9 -1.2,8,8 -1.2,7,5 -1.2,4,2 -1.2,6,7 -1.2,8,12 -1.2,7,5 -1.2,11,13 -1.2,7,2 -1.2,5,6 +1.2,10,3 +1.2,9,5 +1.2,5,4 +1.2,6,4 +1.2,7,4 1.2,7,6 -1.2,9,7 -1.2,4,7 +1.2,8,6 +1.2,9,3 +1.2,11,7 +1.2,6,3 +1.2,5,4 +1.2,9,8 +1.2,7,8 1.2,4,3 -1.2,2,4 1.2,6,5 +1.2,9,6 +1.2,4,1 +1.2,2,1 +1.2,9,9 +1.2,4,3 +1.2,6,8 +1.2,3,7 +1.2,9,12 1.2,6,4 -1.2,5,5 -1.2,7,8 -1.2,6,4 -1.2,5,5 -1.2,6,3 +1.2,8,7 1.2,8,5 -1.2,6,3 -1.2,8,8 -1.2,8,11 -1.2,5,4 -1.2,7,7 -1.2,1,1 -1.2,8,4 -1.2,2,1 -1.2,8,8 -1.2,8,6 +1.2,2,2 +1.2,5,1 +1.2,6,5 +1.2,5,6 +1.2,7,4 +1.2,6,5 +1.2,4,4 +1.2,11,12 +1.2,3,1 +1.2,4,5 +1.2,12,7 +1.2,7,9 1.2,6,7 -1.2,4,2 -1.2,3,4 1.2,3,2 -1.2,7,6 -1.2,4,7 -1.2,7,13 -1.2,9,7 -1.2,5,4 -1.2,3,4 -1.2,8,12 +1.2,4,0 +1.2,7,2 +1.2,9,15 +1.2,10,9 +1.2,8,5 +1.2,10,13 1.2,3,3 -1.2,5,3 -1.2,10,12 -1.2,4,4 +1.2,9,8 1.2,7,5 +1.2,5,8 +1.2,6,8 +1.2,7,4 +1.2,6,9 +1.2,6,5 +1.2,6,6 +1.2,8,8 +1.2,6,6 +1.2,15,16 +1.2,3,3 +1.2,7,7 +1.2,8,3 +1.2,9,7 +1.2,11,11 +1.2,8,2 +1.2,11,10 +1.2,5,4 +1.2,7,8 +1.2,8,7 +1.2,8,11 +1.2,7,4 +1.2,9,7 +1.2,11,8 1.2,8,6 -1.2,8,12 +1.2,5,6 +1.2,8,5 +1.2,5,1 +1.2,9,9 1.2,2,2 -1.2,8,10 +1.2,9,9 +1.2,3,4 +1.2,7,11 +1.2,5,2 +1.2,6,3 1.2,5,5 -1.2,4,4 -1.2,4,6 -1.2,7,7 -1.2,9,13 -1.2,4,3 +1.2,7,5 +1.2,6,5 +1.2,9,3 +1.2,9,4 +1.2,12,11 +1.2,6,3 +1.2,6,8 +1.2,3,4 +1.2,5,2 1.2,4,2 +1.2,6,6 +1.2,8,5 +1.2,13,3 +1.2,7,4 +1.2,7,7 +1.2,14,13 1.2,4,3 -1.2,8,8 -1.2,9,5 +1.2,7,12 +1.2,7,10 1.2,4,1 -1.2,9,7 -1.2,6,9 -1.2,2,3 -1.2,13,6 -1.2,9,5 -1.2,3,1 -1.2,2,3 -1.2,6,9 +1.2,4,5 +1.2,8,3 +1.2,13,16 +1.2,12,10 1.2,10,8 +1.2,11,5 1.2,8,7 -1.2,6,8 -1.2,6,5 +1.2,4,6 +1.2,12,15 +1.2,3,2 +1.2,7,7 +1.2,7,13 +1.2,5,9 +1.2,11,7 1.2,10,5 -1.2,3,5 -1.2,11,9 -1.2,6,1 -1.2,9,4 -1.2,6,4 -1.2,2,1 -1.2,3,3 -1.2,7,8 +1.2,8,8 1.2,8,6 -1.2,11,7 -1.2,9,8 +1.2,10,8 +1.2,7,1 +1.2,12,9 +1.2,5,4 +1.2,9,3 +1.2,7,5 +1.2,8,8 +1.2,6,5 +1.2,6,9 +1.2,5,5 +1.2,7,5 +1.2,8,4 +1.2,14,15 +1.2,2,2 +1.2,8,9 +1.2,7,6 +1.2,11,10 1.2,8,9 +1.2,3,8 +1.2,9,6 +1.2,4,3 +1.2,5,3 +1.2,6,3 +1.2,7,11 +1.2,6,7 +1.2,5,5 +1.2,5,2 +1.2,13,8 +1.2,4,3 +1.2,8,8 +1.2,6,8 +1.2,8,6 +1.2,9,12 +1.2,6,6 +1.2,8,5 +1.2,4,4 +1.2,7,6 +1.2,5,7 +1.2,12,15 +1.2,4,6 +1.2,10,7 +1.2,8,8 1.2,6,5 1.2,6,4 -1.2,10,9 -1.2,5,7 -1.2,11,8 -1.2,9,13 -1.2,7,5 -1.2,5,6 -1.2,10,13 -1.2,7,8 -1.2,9,11 1.2,8,8 -1.2,5,0 -1.2,5,3 -1.2,12,12 +1.2,9,6 +1.2,10,12 +1.2,1,2 +1.2,4,2 +1.2,5,5 +1.2,7,8 +1.2,6,10 +1.2,7,4 1.2,4,2 -1.2,5,3 -1.2,9,12 -1.2,6,3 -1.2,7,6 +1.2,10,12 +1.2,7,7 +1.2,12,18 1.2,3,4 -1.2,9,10 -1.2,11,16 -1.2,8,10 -1.2,8,3 +1.2,10,9 +1.2,8,2 +1.2,6,5 +1.2,10,10 1.2,6,4 -1.2,5,6 -1.2,4,3 -1.2,8,10 -1.2,5,5 +1.2,9,9 +1.2,9,6 +1.2,4,7 +1.2,4,1 +1.2,9,7 +1.2,5,4 +1.2,5,2 +1.2,9,5 +1.2,10,8 +1.2,7,6 +1.2,7,7 +1.2,10,2 +1.2,8,7 +1.2,3,3 +1.2,7,6 +1.2,9,9 1.2,8,9 -1.2,10,11 -1.2,6,4 -1.2,10,11 +1.2,8,3 +1.2,9,5 +1.2,18,18 +1.2,3,3 +1.2,8,4 +1.2,4,2 +1.2,6,9 +1.2,7,7 +1.2,8,7 1.2,12,10 +1.2,8,5 +1.2,7,5 1.2,4,2 -1.2,6,6 -1.2,9,13 -1.2,11,8 -1.2,7,9 -1.2,7,3 +1.2,3,1 +1.2,13,9 +1.2,7,4 +1.2,8,8 +1.2,10,9 +1.2,5,4 +1.2,7,2 +1.2,5,1 1.2,6,5 -1.2,1,4 -1.2,2,2 +1.2,9,7 +1.2,5,5 +1.2,11,11 +1.2,7,6 +1.2,9,7 +1.2,13,14 +1.2,5,2 1.2,12,14 -1.2,10,9 -1.2,5,6 -1.2,6,7 -1.2,7,8 -1.2,7,12 -1.2,6,10 -1.2,6,6 -1.2,2,0 -1.2,7,11 1.2,4,5 -1.2,2,4 -1.2,3,2 -1.2,8,7 -1.2,7,7 -1.2,9,15 -1.2,5,3 -1.2,11,15 -1.2,5,8 -1.2,4,4 -1.2,13,14 -1.2,12,11 -1.2,12,12 +1.2,10,13 1.2,6,7 -1.2,9,6 -1.2,12,7 -1.2,14,16 -1.2,6,6 -1.2,1,1 -1.2,11,13 1.2,6,4 -1.2,10,13 -1.2,7,8 -1.2,5,4 -1.2,8,5 -1.2,11,6 +1.2,10,5 +1.2,8,8 +1.2,7,10 +1.2,8,4 +1.2,8,4 +1.2,11,11 +1.2,12,8 +1.2,5,8 +1.2,7,10 1.2,7,6 -1.2,4,2 -1.2,6,4 -1.2,6,5 -1.2,7,12 -1.2,9,8 -1.2,4,4 -1.2,6,5 -1.2,2,3 -1.2,3,1 +1.2,9,6 1.2,11,11 -1.2,8,9 -1.2,4,4 -1.2,12,11 -1.2,6,9 -1.2,12,6 -1.2,5,4 +1.2,3,2 +1.2,8,3 +1.2,6,5 +1.2,10,8 +1.2,5,6 +1.2,2,2 1.2,5,5 -1.2,9,6 -1.2,2,4 -1.2,11,7 -1.2,10,10 -1.2,11,8 -1.2,6,4 +1.2,6,6 +1.2,2,2 +1.2,4,3 +1.2,9,10 +1.2,5,5 +1.2,10,7 +1.2,8,5 1.2,6,5 -1.2,3,3 +1.2,2,1 +1.2,8,5 +1.2,17,21 1.2,10,10 +1.2,11,9 +1.2,9,12 +1.2,8,18 1.2,7,5 -1.2,6,7 -1.2,2,5 -1.2,9,3 -1.2,10,13 -1.2,11,8 -1.2,7,6 -1.2,7,11 -1.2,11,7 -1.2,4,4 -1.2,2,1 -1.2,8,9 -1.2,7,4 +1.2,10,12 +1.2,9,10 +1.2,5,4 +1.2,7,9 +1.2,2,4 +1.2,5,6 1.2,8,9 -1.2,10,8 -1.2,7,5 -1.2,5,10 +1.2,4,3 +1.2,9,7 1.2,8,9 +1.2,8,1 1.2,8,9 -1.2,4,2 -1.2,9,9 +1.2,7,4 +1.2,12,15 1.2,6,4 -1.2,4,4 +1.2,14,13 +1.2,7,10 1.2,5,3 -1.2,13,10 -1.2,11,14 -1.2,4,1 -1.2,9,3 -1.2,7,5 -1.2,5,2 -1.2,8,9 -1.2,6,8 -1.2,7,5 -1.2,9,8 -1.2,6,3 +1.2,5,4 +1.2,3,1 +1.2,3,1 +1.2,9,11 +1.2,6,5 +1.2,8,12 +1.2,7,7 +1.2,5,5 +1.2,8,10 +1.2,11,6 1.2,7,3 +1.2,10,8 +1.2,5,8 +1.2,8,9 +1.2,3,2 +1.2,12,17 +1.2,8,4 +1.2,6,6 +1.2,7,11 1.2,7,5 +1.2,7,8 +1.2,8,4 +1.2,5,4 +1.2,9,9 +1.2,8,7 +1.2,10,9 +1.2,10,6 +1.2,4,5 1.2,9,9 -1.2,6,6 -1.2,7,6 -1.2,8,10 -1.2,6,3 -1.2,6,7 -1.2,3,3 1.2,7,9 -1.2,4,8 -1.2,4,2 +1.2,11,6 +1.2,5,3 +1.2,5,4 +1.2,3,2 1.2,7,6 +1.2,14,9 +1.2,3,4 +1.2,8,7 1.2,7,6 -1.2,6,5 -1.2,4,3 -1.2,4,2 -1.2,11,5 -1.2,10,9 -1.2,11,5 -1.2,5,9 -1.2,7,7 -1.2,8,2 -1.2,9,14 -1.2,10,8 -1.2,6,4 -1.2,6,5 -1.2,12,13 -1.2,13,9 -1.2,7,10 -1.2,12,7 -1.2,8,4 -1.2,13,8 -1.2,9,5 -1.2,6,8 +1.2,7,9 +1.2,8,3 +1.2,9,6 +1.2,8,6 +1.2,5,4 +1.2,8,8 1.2,2,2 -1.2,8,9 +1.2,4,4 +1.2,5,5 +1.2,7,5 +1.2,9,4 +1.2,5,4 +1.2,6,1 1.2,6,2 1.2,11,9 -1.2,4,4 -1.2,11,9 -1.2,7,8 +1.2,7,9 +1.2,13,12 +1.2,5,1 +1.2,4,2 +1.2,9,7 +1.2,12,7 +1.2,6,4 1.2,7,8 -1.2,9,8 -1.2,9,4 -1.2,4,0 +1.2,3,6 1.2,6,3 -1.2,8,4 +1.2,6,4 1.2,7,8 -1.2,7,10 +1.2,8,6 +1.2,6,7 +1.2,7,6 1.2,5,3 -1.2,4,4 -1.2,5,4 -1.2,8,7 -1.2,12,7 -1.2,5,2 -1.2,9,8 -1.2,4,4 -1.2,10,4 -1.2,6,2 -1.2,5,5 1.2,6,3 -1.2,6,10 -1.2,7,4 -1.2,7,4 -1.2,13,18 -1.2,6,2 -1.2,8,5 -1.2,6,4 -1.2,9,6 -1.2,9,11 -1.2,6,4 1.2,5,3 +1.2,4,3 +1.2,2,2 +1.2,6,5 +1.2,2,2 +1.2,10,12 +1.2,6,8 +1.2,3,2 +1.2,3,7 +1.2,6,5 +1.2,6,4 +1.2,6,2 +1.2,4,3 +1.2,6,3 +1.2,7,11 1.2,7,5 +1.2,10,6 +1.2,5,3 +1.2,6,4 +1.2,6,5 1.2,7,7 +1.2,6,9 1.2,4,2 -1.2,9,8 -1.2,7,13 +1.2,5,2 +1.2,10,9 +1.2,7,9 +1.2,8,4 +1.2,8,4 +1.2,8,11 +1.2,11,8 +1.2,4,4 1.2,10,8 +1.2,6,7 +1.2,8,2 +1.2,7,4 +1.2,9,8 +1.2,0,1 +1.2,10,10 +1.2,7,7 +1.2,7,6 +1.2,3,4 1.2,11,11 -1.2,12,6 -1.2,6,5 -1.2,1,2 +1.2,12,16 +1.2,3,1 +1.2,6,3 +1.2,10,7 +1.2,6,0 +1.2,10,11 1.2,6,6 -1.2,10,8 -1.2,6,4 -1.2,8,9 -1.2,9,10 -1.2,8,9 -1.2,7,6 -1.2,5,9 -1.2,12,10 +1.2,6,2 +1.2,9,7 +1.2,3,2 +1.2,3,5 1.2,6,2 1.2,8,5 -1.2,5,1 +1.2,7,6 +1.2,4,6 +1.2,8,10 +1.2,7,8 +1.2,8,6 1.2,5,3 -1.2,5,5 -1.2,6,5 -1.2,6,5 -1.2,7,4 +1.2,9,13 +1.2,5,4 1.2,5,3 -1.2,9,10 -1.2,6,5 -1.2,5,5 -1.2,8,7 -1.2,5,5 -1.2,11,8 -1.2,6,5 -1.2,7,11 -1.2,4,5 -1.2,4,4 +1.2,11,7 +1.2,4,2 +1.2,4,3 1.2,4,5 +1.2,7,7 +1.2,6,1 +1.2,7,5 +1.2,2,3 +1.2,7,5 +1.2,6,7 +1.2,5,2 +1.2,7,6 +1.2,4,2 +1.2,9,8 +1.2,8,10 +1.2,8,8 +1.2,8,11 1.2,9,6 -1.2,7,0 -1.2,5,7 -1.2,4,6 -1.2,10,8 -1.2,5,6 +1.2,10,5 +1.2,2,2 +1.2,7,6 1.2,8,6 -1.2,7,14 -1.2,9,5 -1.2,6,2 -1.2,6,4 +1.2,8,7 +1.2,8,7 +1.2,9,7 1.2,6,5 -1.2,8,5 -1.2,11,7 -1.2,7,9 -1.2,5,3 +1.2,3,1 +1.2,7,6 +1.2,8,4 +1.2,7,5 +1.2,12,9 +1.2,7,6 +1.2,7,6 +1.2,3,4 +1.2,5,1 +1.2,7,7 +1.2,5,8 +1.2,8,9 1.2,7,3 -1.2,11,6 +1.2,3,2 +1.2,4,3 +1.2,13,12 +1.2,3,3 +1.2,9,9 1.2,6,4 +1.2,9,12 +1.2,13,6 +1.2,6,3 +1.2,6,10 1.2,5,5 -1.2,7,7 -1.2,1,3 -1.2,5,5 -1.2,4,10 -1.2,11,18 -1.2,9,7 -1.2,3,0 1.2,4,2 -1.2,9,7 +1.2,8,5 +1.2,7,5 1.2,4,4 -1.2,3,5 -1.2,10,8 +1.2,5,6 +1.2,6,3 +1.2,10,7 +1.2,5,3 +1.2,13,9 +1.2,9,5 +1.2,4,4 +1.2,12,6 +1.2,7,8 +1.2,6,3 +1.2,10,15 +1.2,10,7 +1.2,5,2 +1.2,8,9 +1.2,4,3 +1.2,9,11 +1.2,9,7 +1.2,7,11 +1.2,6,4 +1.2,11,7 +1.2,0,0 +1.2,15,14 1.2,7,5 +1.2,8,9 +1.2,3,5 +1.2,7,7 +1.2,7,6 1.2,7,7 +1.2,7,4 +1.2,6,4 +1.2,5,5 +1.2,2,3 +1.2,5,5 +1.2,7,7 +1.2,4,3 +1.2,8,1 +1.2,3,4 +1.2,2,1 +1.2,11,9 +1.2,6,8 +1.2,7,5 +1.2,7,6 1.2,6,3 -1.2,5,1 -1.2,10,5 -1.2,11,13 -1.2,9,10 -1.2,9,4 -1.3,3,4 -1.3,7,8 -1.3,8,4 -1.3,5,5 -1.3,8,7 -1.3,6,4 -1.3,9,11 -1.3,6,4 -1.3,7,5 -1.3,4,4 -1.3,7,4 +1.2,3,0 +1.2,6,9 +1.3,11,7 +1.3,11,11 +1.3,8,11 +1.3,11,5 +1.3,7,7 +1.3,5,3 1.3,8,3 +1.3,3,4 1.3,8,7 -1.3,7,4 -1.3,9,11 -1.3,6,8 -1.3,12,9 -1.3,6,5 -1.3,6,7 -1.3,6,4 -1.3,7,7 +1.3,13,17 +1.3,9,7 +1.3,7,3 +1.3,8,12 +1.3,7,3 1.3,8,6 -1.3,4,4 -1.3,10,14 +1.3,5,6 1.3,4,3 -1.3,11,10 -1.3,12,9 -1.3,11,9 -1.3,6,6 -1.3,9,5 -1.3,3,1 +1.3,6,5 +1.3,9,9 +1.3,2,3 +1.3,6,5 +1.3,5,4 +1.3,9,16 +1.3,8,4 +1.3,6,9 +1.3,6,3 +1.3,6,2 +1.3,5,2 +1.3,14,13 +1.3,4,2 +1.3,2,1 +1.3,7,3 +1.3,11,12 +1.3,11,17 1.3,9,7 -1.3,12,14 1.3,5,5 -1.3,11,9 -1.3,6,2 +1.3,5,5 +1.3,5,5 +1.3,6,8 +1.3,15,11 +1.3,6,5 +1.3,5,5 +1.3,9,13 +1.3,10,9 1.3,5,4 -1.3,6,4 -1.3,9,6 1.3,8,5 1.3,7,2 -1.3,6,8 +1.3,15,14 +1.3,5,5 +1.3,7,8 +1.3,18,15 +1.3,4,2 +1.3,3,3 +1.3,8,3 +1.3,4,6 1.3,7,6 -1.3,4,7 +1.3,6,1 +1.3,7,6 +1.3,7,12 +1.3,10,12 +1.3,4,5 +1.3,7,10 1.3,7,3 -1.3,3,6 -1.3,5,1 -1.3,5,6 -1.3,6,2 +1.3,10,9 +1.3,12,13 1.3,11,11 -1.3,10,7 -1.3,10,11 -1.3,14,14 -1.3,4,2 +1.3,4,6 +1.3,6,10 +1.3,6,4 1.3,9,8 -1.3,7,12 1.3,9,11 -1.3,10,17 -1.3,8,5 -1.3,4,2 -1.3,10,14 -1.3,10,7 -1.3,8,3 -1.3,6,7 -1.3,5,2 -1.3,10,9 -1.3,8,9 -1.3,11,5 -1.3,6,8 -1.3,8,9 -1.3,8,8 -1.3,5,3 -1.3,7,2 -1.3,5,3 -1.3,9,8 -1.3,9,8 -1.3,10,8 -1.3,8,2 -1.3,4,0 -1.3,14,12 -1.3,9,5 -1.3,10,9 -1.3,9,5 -1.3,15,8 -1.3,11,13 1.3,7,9 +1.3,7,6 +1.3,10,11 +1.3,10,9 1.3,7,5 -1.3,7,5 -1.3,5,8 -1.3,12,7 -1.3,7,3 -1.3,6,7 -1.3,8,6 -1.3,1,0 -1.3,6,8 -1.3,5,4 -1.3,10,3 -1.3,4,2 -1.3,9,13 -1.3,7,2 -1.3,9,8 -1.3,8,6 -1.3,6,4 -1.3,5,5 -1.3,9,10 -1.3,6,5 +1.3,7,8 1.3,6,7 -1.3,6,1 -1.3,4,2 -1.3,9,3 -1.3,6,4 +1.3,2,0 +1.3,7,9 +1.3,5,1 +1.3,4,0 1.3,5,3 -1.3,5,8 -1.3,8,3 -1.3,3,0 -1.3,12,12 -1.3,7,7 -1.3,4,1 -1.3,4,4 -1.3,5,2 -1.3,11,8 -1.3,6,6 -1.3,5,4 -1.3,8,11 -1.3,13,8 -1.3,7,3 -1.3,7,7 -1.3,13,7 -1.3,0,0 -1.3,10,10 -1.3,8,5 -1.3,8,8 +1.3,12,13 1.3,7,11 -1.3,10,5 -1.3,7,6 -1.3,11,9 -1.3,5,6 -1.3,4,3 -1.3,8,7 -1.3,8,11 -1.3,8,3 -1.3,5,7 -1.3,12,17 -1.3,13,12 -1.3,4,3 -1.3,8,12 -1.3,6,4 -1.3,4,3 -1.3,5,4 -1.3,4,2 -1.3,12,14 -1.3,4,5 +1.3,5,5 +1.3,11,10 +1.3,4,4 +1.3,9,12 +1.3,11,7 +1.3,6,7 +1.3,2,5 +1.3,9,9 +1.3,2,2 +1.3,9,8 1.3,7,10 +1.3,10,6 +1.3,6,5 +1.3,5,6 +1.3,15,14 +1.3,5,2 +1.3,10,9 +1.3,10,6 1.3,9,8 +1.3,7,5 1.3,8,5 -1.3,10,9 -1.3,9,9 1.3,6,6 -1.3,7,3 +1.3,9,11 +1.3,8,9 +1.3,10,5 +1.3,17,20 +1.3,10,6 +1.3,2,3 +1.3,11,6 1.3,8,5 -1.3,8,14 -1.3,7,7 -1.3,5,7 -1.3,2,2 -1.3,9,4 -1.3,5,3 -1.3,3,1 +1.3,6,9 +1.3,14,8 1.3,9,4 -1.3,5,3 -1.3,8,7 -1.3,10,10 -1.3,5,4 +1.3,6,5 +1.3,7,5 +1.3,12,11 +1.3,12,5 +1.3,9,7 +1.3,9,9 1.3,9,6 -1.3,7,3 -1.3,4,5 -1.3,9,15 -1.3,3,2 +1.3,5,6 +1.3,7,5 +1.3,6,4 +1.3,7,7 +1.3,6,8 1.3,5,4 -1.3,7,4 -1.3,5,2 +1.3,8,7 +1.3,10,9 +1.3,3,3 +1.3,9,7 1.3,3,2 1.3,5,5 -1.3,4,6 -1.3,7,0 -1.3,6,9 -1.3,8,9 -1.3,5,5 -1.3,6,4 -1.3,12,12 -1.3,4,3 -1.3,9,7 -1.3,3,1 1.3,11,8 -1.3,10,12 -1.3,7,4 -1.3,8,9 -1.3,8,3 -1.3,4,4 -1.3,8,6 -1.3,9,13 -1.3,1,0 -1.3,3,5 -1.3,6,4 1.3,8,8 -1.3,5,8 -1.3,3,4 -1.3,7,7 -1.3,6,4 -1.3,16,16 -1.3,11,11 -1.3,8,9 -1.3,8,9 -1.3,3,1 -1.3,8,3 -1.3,8,7 -1.3,8,5 -1.3,10,12 -1.3,6,4 -1.3,3,1 +1.3,9,17 +1.3,9,8 +1.3,16,12 +1.3,8,8 +1.3,12,8 +1.3,11,12 +1.3,3,0 +1.3,5,6 1.3,5,4 +1.3,3,3 +1.3,9,6 1.3,8,9 -1.3,5,4 -1.3,8,7 +1.3,4,7 1.3,5,7 -1.3,7,5 +1.3,8,3 +1.3,7,3 1.3,10,10 -1.3,9,9 -1.3,9,11 -1.3,8,8 -1.3,7,5 +1.3,9,8 +1.3,5,9 +1.3,10,14 1.3,13,14 -1.3,4,3 -1.3,6,0 -1.3,12,17 -1.3,2,2 -1.3,6,4 -1.3,5,4 -1.3,7,4 -1.3,10,7 -1.3,7,2 -1.3,8,11 -1.3,4,0 -1.3,2,1 -1.3,6,3 +1.3,7,3 +1.3,6,5 1.3,6,6 +1.3,10,8 +1.3,11,6 1.3,8,4 -1.3,4,4 -1.3,6,6 -1.3,6,4 +1.3,7,4 +1.3,8,4 +1.3,9,14 +1.3,5,5 +1.3,12,16 +1.3,6,5 +1.3,4,6 +1.3,7,4 +1.3,3,3 1.3,5,3 +1.3,5,9 +1.3,6,5 +1.3,13,17 1.3,5,3 -1.3,12,10 -1.3,14,12 -1.3,3,1 -1.3,7,8 -1.3,3,3 -1.3,8,5 -1.3,7,6 -1.3,4,3 -1.3,5,4 -1.3,6,6 -1.3,6,4 -1.3,7,4 -1.3,5,4 -1.3,8,7 -1.3,10,8 -1.3,14,11 -1.3,10,12 -1.3,8,9 1.3,9,9 -1.3,11,11 +1.3,12,14 +1.3,9,10 +1.3,8,3 +1.3,9,6 +1.3,9,5 +1.3,7,2 1.3,8,9 -1.3,6,6 -1.3,7,10 -1.3,8,8 -1.3,13,4 -1.3,3,6 -1.3,5,5 -1.3,14,13 -1.3,9,8 -1.3,10,7 -1.3,6,2 -1.3,6,4 1.3,8,5 -1.3,7,5 -1.3,10,10 1.3,9,7 -1.3,11,9 -1.3,11,12 +1.3,4,0 +1.3,3,1 +1.3,5,2 +1.3,5,4 +1.3,9,7 +1.3,9,9 +1.3,12,9 +1.3,9,10 +1.3,10,9 +1.3,10,7 +1.3,8,11 +1.3,3,6 +1.3,8,8 +1.3,9,6 +1.3,10,9 +1.3,8,8 1.3,7,9 -1.3,6,6 -1.3,8,7 +1.3,4,5 +1.3,7,6 +1.3,4,2 +1.3,5,6 +1.3,9,9 +1.3,3,3 +1.3,4,2 1.3,6,5 +1.3,9,7 1.3,11,7 -1.3,6,8 -1.3,11,14 -1.3,7,4 -1.3,8,7 -1.3,4,3 -1.3,4,11 -1.3,8,5 -1.3,10,8 -1.3,7,7 -1.3,10,8 -1.3,7,5 -1.3,4,8 +1.3,7,9 +1.3,5,2 +1.3,9,7 +1.3,8,6 +1.3,9,6 +1.3,8,8 +1.3,5,2 1.3,6,6 -1.3,9,2 -1.3,7,6 -1.3,9,9 -1.3,7,6 -1.3,6,3 -1.3,10,8 -1.3,5,3 -1.3,10,6 1.3,9,5 -1.3,6,7 -1.3,8,7 -1.3,6,13 -1.3,9,5 -1.3,8,9 +1.3,10,16 +1.3,3,2 +1.3,6,5 +1.3,5,6 1.3,6,9 -1.3,8,6 -1.3,5,2 -1.3,4,4 -1.3,10,5 -1.3,14,10 -1.3,9,12 -1.3,8,5 -1.3,11,12 +1.3,3,4 +1.3,5,7 +1.3,8,4 +1.3,9,7 1.3,5,5 -1.3,11,7 -1.3,6,5 -1.3,7,8 1.3,9,4 +1.3,9,8 +1.3,6,5 +1.3,4,6 +1.3,9,10 +1.3,7,6 +1.3,7,15 +1.3,4,5 +1.3,5,6 +1.3,5,2 +1.3,7,6 +1.3,4,4 +1.3,7,5 +1.3,9,6 1.3,7,5 1.3,11,8 -1.3,8,10 -1.3,7,4 -1.3,4,3 -1.3,13,8 -1.3,9,9 -1.3,4,3 +1.3,6,5 +1.3,10,5 +1.3,3,0 +1.3,9,8 +1.3,3,3 1.3,10,13 -1.3,8,3 -1.3,6,3 -1.3,11,11 -1.3,11,8 -1.3,10,16 -1.3,10,12 -1.3,7,10 +1.3,5,1 1.3,9,10 -1.3,6,4 +1.3,11,15 +1.3,11,5 +1.3,8,4 +1.3,17,8 +1.3,4,2 +1.3,6,5 +1.3,9,6 +1.3,7,6 +1.3,8,5 +1.3,8,2 +1.3,9,6 1.3,9,9 +1.3,5,3 +1.3,7,5 1.3,7,6 +1.3,9,3 +1.3,11,7 +1.3,8,5 +1.3,3,0 +1.3,5,5 +1.3,4,1 1.3,11,6 +1.3,14,9 +1.3,4,0 +1.3,9,5 +1.3,5,5 1.3,7,7 -1.3,9,7 -1.3,5,6 -1.3,13,12 -1.3,6,6 -1.3,10,13 -1.3,3,0 -1.3,5,4 -1.3,7,14 -1.3,5,6 +1.3,6,8 1.3,8,8 -1.3,14,21 -1.3,3,2 -1.3,9,5 -1.3,7,5 -1.3,6,9 -1.3,14,17 -1.3,6,6 -1.3,3,1 -1.3,7,8 -1.3,5,8 -1.3,7,10 -1.3,6,6 -1.3,8,5 -1.3,12,7 -1.3,11,9 -1.3,9,9 -1.3,3,1 -1.3,3,1 +1.3,6,2 +1.3,5,6 +1.3,10,4 1.3,10,8 -1.3,7,9 -1.3,8,4 -1.3,8,7 -1.3,9,9 +1.3,7,5 +1.3,6,5 +1.3,8,10 +1.3,10,6 +1.3,8,9 +1.3,6,5 1.3,10,7 -1.3,7,9 -1.3,12,8 -1.3,16,15 +1.3,10,8 +1.3,10,8 +1.3,6,7 +1.3,4,4 +1.3,5,4 +1.3,4,2 +1.3,5,5 +1.3,7,8 1.3,5,2 +1.3,5,6 +1.3,7,5 +1.3,5,5 +1.3,9,8 +1.3,13,13 +1.3,9,9 +1.3,5,4 +1.3,7,5 +1.3,5,3 +1.3,12,13 +1.3,8,6 +1.3,13,21 1.3,6,5 +1.3,7,4 +1.3,7,5 +1.3,9,8 +1.3,8,6 +1.3,5,8 1.3,6,6 +1.3,10,7 +1.3,7,5 +1.3,6,8 1.3,5,1 -1.3,4,4 -1.3,2,0 1.3,7,5 -1.3,12,7 -1.3,4,2 -1.3,10,7 -1.3,12,12 +1.3,5,4 +1.3,6,6 +1.3,7,1 +1.3,5,2 +1.3,5,5 +1.3,9,11 +1.3,9,10 +1.3,7,2 1.3,8,7 -1.3,10,14 -1.3,10,7 -1.3,6,8 +1.3,9,6 +1.3,5,4 +1.3,2,1 +1.3,9,7 +1.3,9,7 +1.3,10,9 +1.3,10,12 +1.3,9,5 +1.3,6,6 +1.3,10,9 +1.3,7,4 +1.3,5,2 +1.3,9,6 +1.3,8,4 +1.3,8,5 1.3,8,11 -1.3,8,8 -1.3,5,6 -1.3,5,7 -1.3,6,9 +1.3,7,4 +1.3,6,4 1.3,9,10 -1.3,11,7 -1.3,4,6 +1.3,3,2 +1.3,9,9 +1.3,5,5 +1.3,9,9 +1.3,9,5 +1.3,4,2 1.3,7,9 -1.3,13,19 -1.3,14,9 -1.3,10,11 -1.3,9,8 -1.3,5,2 -1.3,3,4 -1.3,11,10 -1.3,8,10 -1.3,7,6 -1.3,3,5 -1.3,7,5 1.3,4,3 -1.3,5,1 +1.3,4,4 +1.3,5,3 +1.3,5,3 +1.3,5,0 1.3,4,3 -1.3,10,5 -1.3,10,9 -1.3,7,8 +1.3,11,9 +1.3,8,6 1.3,7,5 -1.3,9,10 -1.3,4,4 -1.3,10,5 -1.3,10,7 1.3,8,7 +1.3,8,3 +1.3,8,11 +1.3,9,8 +1.3,13,12 +1.3,8,5 +1.3,11,8 1.3,8,7 -1.3,7,3 -1.3,7,6 -1.3,1,3 -1.3,9,3 -1.3,12,9 -1.3,8,10 -1.3,5,3 -1.3,10,5 -1.3,7,5 -1.3,6,2 -1.3,4,0 -1.3,12,9 +1.3,10,6 1.3,8,9 -1.3,5,10 -1.3,9,13 -1.3,7,3 -1.3,2,3 -1.3,12,16 -1.3,6,5 -1.3,10,9 -1.3,6,8 -1.3,8,7 +1.3,8,6 +1.3,4,2 +1.3,5,2 +1.3,11,8 +1.3,4,6 +1.3,9,6 +1.3,10,12 +1.3,6,7 +1.3,11,7 +1.3,8,5 +1.3,4,5 +1.3,5,7 +1.3,7,8 1.3,10,4 -1.3,3,1 +1.3,8,9 1.3,7,10 +1.3,2,2 +1.3,8,6 +1.3,5,8 +1.3,6,7 +1.3,6,4 +1.3,4,2 1.3,6,5 -1.3,3,2 +1.3,8,7 +1.3,5,3 +1.3,3,5 +1.3,8,10 +1.3,6,5 +1.3,6,2 +1.3,4,3 +1.3,9,6 +1.3,5,2 +1.3,9,4 +1.3,12,7 +1.3,8,6 1.3,3,3 +1.3,8,9 +1.3,7,7 1.3,8,6 -1.3,9,16 -1.3,6,3 -1.3,5,4 +1.3,13,14 +1.3,10,9 +1.3,10,13 +1.3,5,7 1.3,6,11 -1.3,7,8 -1.3,3,2 -1.3,8,6 -1.3,6,1 -1.3,5,5 -1.3,9,6 +1.3,4,3 +1.3,2,3 1.3,5,6 -1.3,13,6 -1.3,10,7 -1.3,7,6 -1.3,6,5 -1.3,4,5 +1.3,4,2 1.3,7,5 1.3,9,6 -1.3,7,6 -1.3,8,3 -1.3,4,5 +1.3,3,4 +1.3,9,9 +1.3,7,2 +1.3,11,11 1.3,8,10 -1.3,5,2 +1.3,4,8 +1.3,11,5 +1.3,8,3 +1.3,8,4 +1.3,5,10 +1.3,5,7 +1.3,12,9 1.3,6,8 -1.3,5,4 +1.3,4,2 1.3,8,6 -1.3,5,7 -1.3,5,7 +1.3,3,2 +1.3,5,2 +1.3,9,8 +1.3,9,7 +1.3,6,2 +1.3,10,7 +1.3,4,1 1.3,6,8 -1.3,5,5 -1.3,7,14 +1.3,11,12 +1.3,10,10 +1.3,5,6 1.3,8,8 -1.3,6,6 -1.3,5,10 -1.3,7,5 -1.3,6,5 -1.3,14,14 -1.3,7,9 1.3,6,3 -1.3,11,6 +1.3,9,5 +1.3,5,7 +1.3,7,7 +1.3,7,10 +1.3,7,6 +1.3,4,4 +1.3,7,8 +1.3,7,5 +1.3,7,7 +1.3,3,0 +1.3,5,2 +1.3,7,11 +1.3,8,8 +1.3,11,8 +1.3,8,5 +1.3,10,9 1.3,9,4 +1.3,4,3 +1.3,8,11 +1.3,1,0 1.3,4,2 -1.3,6,9 -1.3,5,4 -1.3,9,7 -1.3,7,8 -1.3,7,8 -1.3,9,9 +1.3,7,6 +1.3,6,1 +1.3,10,9 +1.3,8,3 +1.3,11,12 +1.3,6,3 +1.3,6,2 +1.3,6,5 +1.3,6,4 +1.3,8,5 +1.3,6,5 +1.3,8,4 +1.3,3,6 +1.3,11,11 +1.3,5,0 +1.3,10,12 +1.3,12,12 +1.3,10,8 +1.3,5,8 +1.3,5,2 +1.3,8,7 +1.3,12,13 +1.3,5,1 1.3,6,6 -1.3,4,7 1.3,7,4 +1.3,5,5 +1.3,2,5 +1.3,3,1 1.3,7,7 -1.3,4,7 -1.3,11,9 -1.3,11,7 +1.3,8,6 +1.3,10,12 +1.3,3,0 1.3,8,5 +1.3,5,5 +1.3,9,8 +1.3,0,0 +1.3,7,6 1.3,5,6 -1.3,7,7 -1.3,8,7 -1.3,11,8 -1.3,11,7 -1.3,3,2 -1.3,9,7 -1.3,4,5 -1.3,8,10 -1.3,9,6 -1.3,10,14 -1.3,5,7 -1.3,6,5 -1.3,10,18 -1.3,6,3 -1.3,11,11 +1.3,12,5 +1.3,8,9 +1.3,6,2 1.3,6,6 -1.3,10,3 -1.3,9,12 -1.3,7,6 -1.3,7,7 +1.3,9,15 1.3,8,10 -1.3,10,12 -1.3,11,4 -1.3,9,5 +1.3,5,5 +1.3,8,3 1.3,7,8 -1.3,10,8 -1.3,4,6 -1.3,7,7 -1.3,6,5 -1.3,7,6 -1.3,7,4 -1.3,7,12 -1.3,11,8 -1.3,7,11 -1.3,10,5 -1.3,5,3 -1.3,10,4 -1.3,6,3 -1.3,5,6 -1.3,7,9 +1.3,5,1 +1.3,8,9 1.3,9,8 -1.3,8,4 -1.3,13,18 -1.3,9,10 -1.3,4,5 1.3,5,4 -1.3,10,11 -1.3,10,9 -1.3,3,2 -1.3,12,11 +1.3,11,13 +1.3,5,3 +1.3,7,8 +1.3,5,2 +1.3,8,8 +1.3,3,3 +1.3,8,6 +1.3,5,2 +1.3,10,13 +1.3,6,7 +1.3,7,5 +1.3,5,3 +1.3,3,6 +1.3,6,6 1.3,7,6 -1.3,6,3 -1.3,10,7 -1.3,5,7 -1.3,3,1 -1.3,5,4 -1.3,10,7 -1.3,8,5 -1.3,12,7 -1.3,4,3 -1.3,11,10 -1.3,10,9 +1.3,11,12 1.3,9,14 -1.3,11,6 -1.3,11,4 -1.3,8,4 -1.3,9,12 -1.3,8,7 -1.3,9,12 -1.3,3,2 -1.3,14,15 -1.3,12,4 -1.3,8,5 -1.3,4,3 -1.3,10,11 -1.3,5,6 -1.3,4,4 +1.3,9,10 +1.3,10,10 +1.3,7,3 1.3,4,2 -1.3,10,14 -1.3,7,11 -1.3,9,9 -1.3,2,3 +1.3,7,6 +1.3,4,2 +1.3,7,6 +1.3,10,5 +1.3,5,4 1.3,7,8 -1.3,10,7 -1.3,3,2 +1.3,6,5 +1.3,8,8 +1.3,7,7 +1.3,7,5 +1.3,7,5 +1.3,6,8 +1.3,9,8 +1.3,8,10 +1.3,4,2 +1.3,7,8 +1.3,2,2 +1.3,8,4 +1.3,9,5 +1.3,2,2 1.3,4,3 +1.3,6,1 1.3,7,7 -1.3,6,4 -1.3,9,6 -1.3,4,5 -1.3,10,12 -1.3,6,6 -1.3,14,8 -1.3,5,6 -1.3,11,14 -1.3,12,9 -1.3,7,4 -1.3,8,9 1.3,9,9 -1.3,15,13 -1.3,4,3 -1.3,6,4 1.3,10,5 -1.3,9,8 -1.3,12,11 -1.3,6,4 -1.3,5,3 -1.3,6,5 -1.3,5,6 -1.3,7,10 +1.3,8,9 1.3,7,6 +1.3,4,4 +1.3,8,7 +1.3,5,5 +1.3,12,12 1.3,7,7 -1.3,13,9 -1.3,9,8 -1.3,9,6 -1.3,7,14 -1.3,10,11 -1.3,9,11 -1.3,10,5 -1.3,13,10 -1.3,6,6 +1.3,5,5 1.3,5,4 -1.3,6,4 -1.3,4,2 -1.3,10,10 -1.3,7,3 -1.3,9,11 -1.3,11,10 -1.3,13,9 -1.3,7,2 -1.3,12,14 -1.3,4,1 -1.3,6,6 -1.3,5,11 -1.3,10,14 -1.3,10,4 -1.3,10,9 -1.3,8,7 -1.3,6,4 -1.3,10,4 -1.3,3,1 -1.3,8,8 -1.3,9,7 -1.3,8,3 -1.3,11,11 -1.3,9,10 +1.3,8,4 +1.3,5,3 +1.3,1,0 +1.3,5,3 1.3,6,7 -1.3,10,8 -1.3,9,9 -1.3,9,5 -1.3,4,5 -1.3,12,14 -1.3,6,3 -1.3,8,9 -1.3,7,4 -1.3,9,8 -1.3,8,11 -1.3,8,5 -1.3,7,7 1.3,6,5 +1.3,3,1 +1.3,14,9 +1.3,4,5 +1.3,10,7 +1.3,4,4 +1.3,8,7 1.3,5,2 -1.3,6,7 -1.3,7,9 -1.3,11,4 -1.3,8,4 +1.3,4,6 +1.3,15,20 +1.3,9,7 +1.3,14,11 +1.3,10,11 +1.3,12,13 +1.3,10,12 +1.3,5,2 +1.3,8,12 +1.3,12,7 +1.3,11,7 +1.3,6,5 +1.3,7,7 +1.3,5,0 +1.3,6,8 +1.3,6,6 1.3,9,10 -1.3,11,13 -1.3,7,6 -1.3,3,2 +1.3,6,8 1.3,5,5 -1.3,8,5 -1.3,7,5 -1.3,16,11 -1.3,13,12 -1.3,3,1 -1.3,7,4 -1.3,12,12 -1.3,9,11 -1.3,7,8 1.3,8,6 -1.3,10,9 1.3,7,9 -1.3,11,14 -1.3,7,2 -1.3,7,6 -1.3,11,6 -1.3,7,6 -1.3,7,7 -1.3,6,6 -1.3,12,6 -1.3,9,7 -1.3,6,6 -1.3,6,5 -1.3,8,4 -1.3,8,4 +1.3,5,4 +1.3,10,12 +1.3,5,7 1.3,6,5 +1.3,7,1 +1.3,5,2 +1.3,8,8 +1.3,6,8 +1.3,6,3 +1.3,5,4 +1.3,7,9 +1.3,6,3 +1.3,4,4 1.3,4,3 -1.3,5,8 +1.3,6,6 +1.3,9,12 +1.3,4,2 +1.3,9,11 +1.3,5,2 1.3,10,7 -1.3,8,10 -1.3,12,12 -1.3,8,7 -1.3,5,3 -1.3,3,5 -1.3,7,6 +1.3,12,5 +1.3,7,16 +1.3,4,6 +1.3,7,2 +1.3,10,10 +1.3,8,12 +1.3,6,7 +1.3,7,5 +1.3,1,0 1.3,8,7 -1.3,6,2 -1.3,4,4 -1.3,8,8 -1.3,8,8 -1.3,12,19 +1.3,4,3 +1.3,6,8 +1.3,11,13 +1.3,12,8 +1.3,4,5 +1.3,12,5 +1.3,7,7 1.3,7,7 -1.3,7,6 -1.3,11,10 -1.3,6,6 1.3,10,6 -1.3,9,9 -1.3,7,10 -1.3,7,4 -1.3,11,11 -1.3,7,6 -1.3,8,7 -1.3,8,5 -1.3,9,10 -1.3,10,8 -1.3,12,13 +1.3,12,14 +1.3,5,3 +1.3,6,6 1.3,5,6 -1.3,6,7 +1.3,10,14 +1.3,4,4 +1.3,4,6 +1.3,3,3 +1.3,6,3 +1.3,10,3 +1.3,6,9 +1.3,3,3 +1.3,4,4 +1.3,16,18 +1.3,5,6 +1.3,4,5 1.3,7,5 -1.3,3,2 -1.3,4,1 -1.3,8,8 +1.3,4,4 +1.3,5,8 +1.3,10,9 +1.3,8,7 1.3,4,2 -1.3,5,3 -1.3,6,6 -1.3,9,6 +1.3,9,10 +1.3,11,4 +1.3,10,7 +1.3,9,11 +1.3,13,15 1.3,7,4 -1.3,9,8 -1.3,10,6 -1.3,3,1 -1.3,6,7 -1.3,3,3 -1.3,11,5 -1.3,9,9 +1.3,11,12 +1.3,8,8 +1.3,12,10 +1.3,9,6 +1.3,6,3 +1.3,9,17 +1.3,10,7 +1.3,10,11 +1.3,16,14 +1.3,8,4 +1.3,7,5 +1.3,7,3 +1.3,15,13 +1.3,6,3 +1.3,11,10 1.3,8,7 -1.3,5,10 -1.3,4,6 -1.3,7,8 -1.3,7,9 -1.3,7,7 -1.3,4,3 -1.3,8,5 1.3,4,3 -1.3,11,11 -1.3,3,2 -1.3,8,6 -1.3,5,2 -1.3,4,2 -1.3,5,3 -1.3,7,8 -1.3,8,12 -1.3,13,14 -1.3,9,7 -1.3,8,6 +1.3,8,7 +1.3,6,6 1.3,5,4 +1.3,7,7 1.3,6,7 +1.3,6,5 +1.3,7,4 +1.3,7,4 +1.3,7,3 +1.3,9,10 +1.3,10,7 +1.3,10,13 +1.3,8,6 +1.3,4,2 +1.3,12,10 1.3,7,6 -1.3,7,8 -1.3,4,7 1.3,6,3 -1.3,8,11 -1.3,12,10 +1.3,6,5 +1.3,7,4 +1.3,5,7 +1.3,4,5 1.3,5,6 -1.3,6,7 -1.3,7,5 -1.3,8,11 -1.3,7,6 +1.3,7,7 1.3,5,4 -1.3,3,2 -1.3,6,3 -1.3,5,5 -1.3,11,9 -1.3,12,11 1.3,5,4 +1.3,10,10 +1.3,13,4 1.3,4,2 -1.3,9,7 -1.3,12,22 -1.3,6,5 +1.3,2,1 1.3,4,3 +1.3,10,4 +1.3,6,8 +1.3,6,4 +1.3,8,4 +1.3,12,8 +1.3,11,11 +1.3,6,3 +1.3,6,7 +1.3,7,5 +1.3,5,3 +1.3,13,11 1.3,5,5 -1.3,10,7 -1.3,10,10 -1.3,9,5 -1.3,8,9 -1.3,8,14 -1.3,9,8 1.3,11,12 -1.3,11,8 1.3,6,4 -1.3,10,11 -1.3,4,2 -1.3,10,6 -1.3,2,0 -1.3,8,3 -1.3,9,4 -1.3,1,2 -1.3,7,4 -1.3,5,0 -1.3,8,6 -1.3,11,10 -1.3,7,9 +1.3,2,2 +1.3,6,4 +1.3,7,11 +1.3,6,4 +1.3,4,3 +1.3,6,8 1.3,7,7 +1.3,8,9 1.3,10,7 -1.3,9,8 -1.3,4,4 -1.3,8,7 -1.3,7,1 -1.3,10,8 -1.3,11,9 -1.3,5,5 -1.3,6,3 -1.3,10,11 -1.3,8,3 -1.3,8,10 1.3,3,2 +1.3,9,9 +1.3,5,6 +1.3,5,5 1.3,8,7 +1.3,8,3 +1.3,4,3 +1.3,10,12 1.3,7,6 -1.3,3,4 -1.3,8,6 -1.3,5,1 -1.3,8,5 +1.3,11,12 1.3,6,7 +1.3,8,8 +1.3,3,2 1.3,6,6 -1.3,4,3 -1.3,8,12 +1.3,5,4 +1.3,9,7 +1.3,6,4 +1.3,14,19 +1.3,7,3 +1.3,15,10 +1.3,8,6 +1.3,6,3 1.3,8,5 -1.3,8,11 -1.3,6,6 -1.3,9,6 -1.3,11,6 -1.3,8,7 -1.3,2,3 -1.3,9,11 -1.3,12,9 -1.3,6,2 1.3,7,5 -1.3,10,4 -1.3,12,9 -1.3,8,9 +1.3,5,2 +1.3,7,8 1.3,9,13 -1.3,3,3 -1.3,6,10 -1.3,7,9 -1.3,7,7 -1.3,5,9 -1.3,13,14 -1.3,9,10 +1.3,7,4 +1.3,8,7 +1.3,9,6 +1.3,12,11 +1.3,10,5 +1.3,8,5 +1.3,6,6 +1.3,5,4 +1.3,8,11 +1.3,9,4 +1.3,5,3 +1.3,7,1 +1.3,8,9 +1.3,5,7 +1.3,11,9 +1.3,4,2 +1.3,7,9 +1.3,14,15 +1.3,6,4 +1.3,10,4 +1.3,10,6 +1.3,6,4 +1.3,9,9 1.3,6,5 -1.3,10,11 -1.3,7,4 -1.3,3,1 -1.3,12,10 +1.3,6,8 +1.3,14,5 +1.3,5,6 +1.3,11,5 +1.3,9,4 1.3,6,3 -1.3,7,13 -1.3,7,5 -1.3,5,4 +1.3,8,6 1.3,9,8 +1.3,10,10 +1.3,9,12 +1.3,10,7 +1.3,6,7 1.3,9,4 +1.3,5,10 +1.3,11,9 +1.3,9,12 +1.3,4,4 +1.3,6,1 1.3,8,12 -1.3,6,4 -1.3,11,14 -1.3,6,10 +1.3,7,2 +1.3,5,5 +1.3,8,11 +1.3,7,9 +1.3,6,6 +1.3,4,6 +1.3,13,11 +1.3,11,12 +1.3,14,24 +1.3,9,17 +1.3,7,6 +1.3,5,2 1.3,10,7 -1.3,3,0 -1.3,9,11 1.3,5,4 -1.3,12,13 -1.3,8,7 -1.3,10,11 -1.3,9,9 +1.3,5,5 +1.3,7,7 +1.3,2,2 +1.3,3,3 +1.3,5,5 +1.3,4,6 +1.3,7,5 +1.3,4,4 +1.3,11,6 +1.3,5,3 +1.3,13,9 +1.3,5,4 +1.3,7,10 1.3,4,5 +1.3,13,12 +1.3,9,9 +1.3,6,5 +1.3,6,5 +1.3,7,9 +1.3,7,7 +1.3,7,7 +1.3,9,5 +1.3,3,2 +1.3,11,12 +1.3,3,4 +1.3,7,9 +1.3,7,4 +1.3,6,1 +1.3,12,6 +1.3,10,4 +1.3,8,4 +1.3,12,5 +1.3,6,6 +1.3,6,2 1.3,7,6 -1.3,4,3 -1.3,8,5 +1.3,13,11 +1.3,10,12 +1.3,4,2 +1.3,6,1 +1.3,9,3 1.3,5,7 -1.3,8,8 +1.3,8,9 +1.3,10,13 +1.3,17,13 +1.3,12,13 +1.3,6,4 1.3,7,3 -1.3,3,3 -1.3,5,4 -1.3,5,2 -1.3,7,12 -1.3,4,1 -1.3,3,3 -1.3,14,18 -1.3,12,12 +1.3,7,5 +1.3,9,5 1.3,6,7 -1.3,9,6 +1.3,5,1 +1.3,7,5 +1.3,14,12 +1.3,8,12 +1.3,6,7 +1.3,7,3 +1.3,9,5 +1.3,7,7 +1.3,6,6 +1.3,5,2 +1.3,6,3 +1.3,8,6 +1.3,6,5 +1.3,9,9 +1.3,10,5 +1.3,5,2 +1.3,2,1 +1.3,11,2 +1.3,8,10 +1.3,13,12 +1.3,4,5 1.3,5,5 -1.3,2,3 +1.3,6,2 +1.3,10,14 +1.3,6,3 +1.3,8,13 +1.3,6,3 +1.3,6,5 +1.3,9,6 +1.3,4,8 +1.3,10,7 1.3,7,4 -1.3,3,1 -1.3,3,2 -1.3,2,2 -1.3,9,8 -1.3,8,7 -1.3,11,6 -1.3,9,10 -1.3,7,6 -1.3,3,2 -1.3,2,1 -1.3,4,3 -1.3,12,15 -1.3,4,4 -1.3,7,11 -1.3,7,11 -1.3,9,5 +1.3,7,8 +1.3,7,7 +1.3,16,22 +1.3,7,9 +1.3,11,9 1.3,9,11 -1.3,6,6 +1.3,6,5 1.3,7,7 -1.3,6,9 -1.3,6,9 -1.3,5,3 -1.3,11,6 +1.3,13,7 +1.3,7,5 +1.3,7,10 +1.3,6,10 1.3,8,7 -1.3,7,11 -1.3,10,12 -1.3,8,4 -1.3,8,10 -1.3,10,9 -1.3,9,8 -1.3,9,8 -1.3,9,9 -1.3,7,3 -1.3,11,12 -1.3,7,9 -1.3,6,8 +1.3,11,7 +1.3,9,4 +1.3,6,6 +1.3,14,16 1.3,5,4 -1.3,6,5 +1.3,10,1 +1.3,4,3 +1.3,9,3 +1.3,3,4 +1.3,8,13 +1.3,6,8 +1.3,9,7 +1.3,8,12 +1.3,4,5 +1.3,7,9 +1.3,9,12 +1.3,5,5 +1.3,7,6 +1.3,7,9 +1.3,4,6 1.3,7,2 +1.3,10,12 1.3,3,2 -1.3,4,1 -1.3,7,12 -1.3,8,8 -1.3,3,4 +1.3,5,2 +1.3,10,13 +1.3,4,8 +1.3,10,7 +1.3,6,7 +1.3,6,5 1.3,7,6 -1.3,5,4 +1.3,5,6 1.3,5,3 -1.3,8,6 +1.3,5,2 1.3,8,8 -1.3,9,5 -1.3,9,4 -1.3,9,8 -1.3,8,5 -1.3,8,7 -1.3,7,10 -1.3,4,4 -1.3,12,8 -1.3,4,2 -1.3,11,7 -1.3,11,12 -1.3,4,3 -1.3,12,9 -1.3,1,3 -1.3,3,2 -1.3,7,4 -1.3,7,6 -1.3,7,4 -1.3,8,10 -1.3,9,8 -1.3,3,2 1.3,10,15 -1.3,9,8 -1.4,5,3 -1.4,1,0 -1.4,5,7 -1.4,9,10 -1.4,6,9 -1.4,10,8 -1.4,8,11 -1.4,7,5 -1.4,9,8 -1.4,4,3 -1.4,6,4 -1.4,6,7 -1.4,9,7 -1.4,3,1 -1.4,7,6 -1.4,6,4 -1.4,5,6 -1.4,11,10 -1.4,9,8 -1.4,8,8 -1.4,7,6 +1.3,8,6 +1.3,8,3 +1.3,12,10 +1.3,9,6 +1.3,3,2 +1.3,5,4 +1.3,7,11 +1.3,6,5 +1.3,5,2 +1.3,8,12 +1.3,11,10 +1.3,14,13 +1.3,11,7 +1.3,4,1 +1.3,2,2 +1.3,4,4 +1.3,7,4 +1.3,10,11 +1.3,6,7 +1.3,13,7 +1.3,4,4 +1.3,5,5 +1.3,6,8 +1.4,7,5 1.4,9,6 -1.4,13,9 +1.4,11,14 +1.4,7,6 1.4,6,6 -1.4,9,8 -1.4,8,6 -1.4,3,1 -1.4,8,6 -1.4,10,9 -1.4,14,12 -1.4,6,12 -1.4,16,12 -1.4,8,5 -1.4,11,12 -1.4,7,4 1.4,8,7 -1.4,5,4 -1.4,11,8 -1.4,4,4 -1.4,9,5 -1.4,6,10 -1.4,13,9 -1.4,12,11 -1.4,10,9 -1.4,7,3 -1.4,6,3 -1.4,4,2 -1.4,11,6 -1.4,8,8 -1.4,1,1 -1.4,8,5 -1.4,7,10 -1.4,10,3 -1.4,9,9 -1.4,4,4 -1.4,9,7 -1.4,10,10 -1.4,9,5 -1.4,6,4 -1.4,11,8 -1.4,10,8 -1.4,6,11 -1.4,9,6 -1.4,5,4 +1.4,7,4 1.4,4,2 -1.4,7,6 -1.4,9,2 +1.4,10,11 +1.4,4,3 +1.4,6,5 +1.4,11,3 1.4,5,6 -1.4,13,13 -1.4,4,6 -1.4,6,0 -1.4,12,13 -1.4,6,6 -1.4,5,4 -1.4,8,7 -1.4,9,7 1.4,4,3 -1.4,2,1 -1.4,11,14 -1.4,8,6 -1.4,10,11 -1.4,7,6 -1.4,10,9 -1.4,2,4 -1.4,6,4 -1.4,13,21 -1.4,10,11 -1.4,3,5 -1.4,5,7 -1.4,9,8 -1.4,5,8 -1.4,4,2 +1.4,14,19 1.4,5,4 -1.4,9,9 -1.4,13,4 -1.4,11,10 -1.4,7,5 -1.4,11,9 -1.4,11,7 +1.4,7,4 1.4,7,6 -1.4,5,6 -1.4,4,6 -1.4,6,7 -1.4,11,12 -1.4,14,19 -1.4,14,9 +1.4,7,2 +1.4,12,9 1.4,4,3 -1.4,6,4 -1.4,10,11 -1.4,12,12 -1.4,9,6 -1.4,8,3 -1.4,8,4 -1.4,7,8 -1.4,8,8 -1.4,10,11 -1.4,12,7 -1.4,8,7 -1.4,11,7 -1.4,6,6 -1.4,10,9 -1.4,7,5 -1.4,11,7 -1.4,12,14 -1.4,7,6 -1.4,2,0 -1.4,7,9 -1.4,8,4 -1.4,4,4 -1.4,9,11 -1.4,5,6 -1.4,8,9 -1.4,10,10 -1.4,6,2 -1.4,6,5 -1.4,7,7 +1.4,6,9 +1.4,9,7 +1.4,2,4 1.4,7,6 -1.4,9,6 -1.4,9,8 -1.4,4,2 -1.4,6,7 -1.4,6,3 -1.4,9,4 1.4,7,4 -1.4,8,8 -1.4,8,8 -1.4,9,7 -1.4,2,0 -1.4,10,6 -1.4,6,4 -1.4,12,9 1.4,7,5 +1.4,6,5 +1.4,6,4 +1.4,7,10 1.4,6,4 1.4,4,4 -1.4,7,9 -1.4,11,7 +1.4,7,2 +1.4,6,8 +1.4,6,5 +1.4,4,4 +1.4,3,3 +1.4,5,4 +1.4,7,5 +1.4,8,13 1.4,6,4 -1.4,6,6 -1.4,16,9 -1.4,11,8 -1.4,11,7 -1.4,11,8 -1.4,11,8 -1.4,9,7 -1.4,5,6 1.4,8,9 -1.4,8,7 -1.4,12,16 -1.4,11,11 -1.4,6,7 -1.4,8,5 -1.4,8,7 -1.4,5,2 -1.4,9,8 -1.4,8,8 -1.4,7,4 -1.4,7,6 -1.4,3,4 -1.4,3,3 -1.4,6,5 -1.4,12,16 -1.4,7,9 -1.4,5,2 -1.4,9,6 -1.4,2,1 +1.4,12,8 +1.4,9,2 +1.4,13,8 +1.4,7,3 +1.4,6,3 +1.4,12,5 +1.4,6,4 1.4,6,6 -1.4,6,5 +1.4,10,6 +1.4,3,5 +1.4,5,4 +1.4,10,7 +1.4,7,8 +1.4,8,6 +1.4,10,9 +1.4,10,7 +1.4,6,1 +1.4,6,6 +1.4,7,5 +1.4,5,7 +1.4,7,3 +1.4,11,9 1.4,7,7 -1.4,9,5 +1.4,6,2 +1.4,5,4 1.4,7,6 -1.4,10,11 -1.4,4,5 -1.4,12,9 +1.4,11,15 +1.4,12,11 1.4,6,4 +1.4,7,6 1.4,11,8 -1.4,3,1 -1.4,1,0 -1.4,4,7 1.4,12,11 -1.4,7,3 -1.4,7,5 -1.4,5,3 -1.4,7,5 -1.4,7,5 -1.4,9,6 -1.4,11,6 -1.4,5,6 -1.4,8,6 -1.4,7,5 -1.4,5,5 -1.4,10,8 -1.4,9,10 -1.4,10,4 -1.4,4,3 -1.4,6,10 -1.4,5,0 -1.4,5,8 -1.4,8,8 -1.4,8,14 -1.4,13,17 1.4,7,7 -1.4,4,2 -1.4,10,10 -1.4,8,9 -1.4,8,7 -1.4,3,3 +1.4,8,8 +1.4,5,6 +1.4,3,4 1.4,3,1 -1.4,5,4 -1.4,6,7 -1.4,8,6 -1.4,13,13 1.4,7,7 -1.4,10,8 -1.4,9,3 +1.4,8,8 +1.4,13,4 1.4,7,7 -1.4,6,5 -1.4,5,5 -1.4,14,17 -1.4,6,2 -1.4,11,8 -1.4,10,9 -1.4,12,15 -1.4,9,7 +1.4,10,7 +1.4,1,0 +1.4,5,3 +1.4,7,6 +1.4,10,8 +1.4,7,3 +1.4,2,4 +1.4,3,2 +1.4,6,6 +1.4,6,5 +1.4,5,4 1.4,6,4 -1.4,12,10 -1.4,12,9 -1.4,8,14 -1.4,8,7 -1.4,4,1 1.4,5,3 -1.4,11,9 -1.4,4,4 -1.4,6,10 -1.4,11,11 -1.4,9,9 -1.4,9,6 -1.4,7,5 -1.4,9,1 -1.4,11,12 -1.4,6,8 -1.4,6,7 -1.4,7,8 -1.4,11,6 -1.4,9,5 -1.4,11,9 -1.4,6,10 -1.4,11,6 -1.4,6,8 -1.4,4,2 -1.4,4,5 +1.4,9,10 +1.4,3,3 +1.4,6,6 +1.4,7,4 +1.4,5,5 +1.4,12,12 +1.4,10,7 1.4,6,5 -1.4,3,2 -1.4,2,1 -1.4,6,7 -1.4,2,0 +1.4,5,1 +1.4,9,6 1.4,8,4 -1.4,5,6 -1.4,7,6 +1.4,8,12 +1.4,9,10 +1.4,9,4 +1.4,7,4 +1.4,8,7 +1.4,10,7 +1.4,8,7 1.4,7,4 -1.4,9,11 -1.4,6,10 -1.4,11,6 -1.4,14,16 1.4,6,4 -1.4,8,8 -1.4,15,19 -1.4,8,4 -1.4,12,8 -1.4,7,5 -1.4,12,9 -1.4,8,6 -1.4,6,2 -1.4,16,8 -1.4,6,1 -1.4,10,8 -1.4,6,5 -1.4,8,8 -1.4,10,6 -1.4,7,5 1.4,5,4 -1.4,6,7 -1.4,7,6 -1.4,6,8 -1.4,8,10 -1.4,2,2 -1.4,4,5 -1.4,4,3 +1.4,8,16 +1.4,11,14 +1.4,9,11 +1.4,11,10 +1.4,4,1 +1.4,7,4 +1.4,3,1 +1.4,8,7 1.4,9,5 -1.4,8,5 -1.4,10,6 -1.4,3,4 -1.4,4,3 -1.4,9,9 +1.4,10,9 +1.4,13,9 1.4,6,4 +1.4,12,9 +1.4,5,3 +1.4,6,7 +1.4,7,4 1.4,5,4 -1.4,5,6 -1.4,7,8 -1.4,8,10 -1.4,11,9 -1.4,4,4 +1.4,6,6 +1.4,9,10 +1.4,4,5 1.4,7,7 +1.4,13,20 +1.4,10,7 +1.4,5,8 +1.4,6,6 +1.4,9,11 +1.4,5,7 +1.4,3,5 +1.4,7,9 +1.4,10,8 +1.4,9,7 1.4,4,3 -1.4,14,15 -1.4,4,2 -1.4,6,9 -1.4,11,13 -1.4,8,4 +1.4,6,8 1.4,6,7 -1.4,6,2 -1.4,2,1 -1.4,8,8 -1.4,8,6 -1.4,9,13 -1.4,7,7 -1.4,10,9 +1.4,7,5 1.4,4,2 1.4,8,7 +1.4,12,6 +1.4,8,7 +1.4,9,4 +1.4,5,2 +1.4,8,9 +1.4,4,2 +1.4,10,9 +1.4,6,8 1.4,6,8 -1.4,15,17 +1.4,9,8 +1.4,7,12 +1.4,4,3 1.4,7,4 -1.4,9,6 -1.4,2,4 -1.4,4,4 -1.4,13,10 -1.4,5,2 -1.4,5,3 -1.4,9,4 -1.4,9,4 -1.4,5,4 -1.4,8,3 -1.4,12,12 -1.4,6,6 +1.4,6,7 1.4,9,7 -1.4,12,7 -1.4,17,15 -1.4,8,2 -1.4,5,3 -1.4,11,12 1.4,10,11 +1.4,7,8 1.4,4,5 -1.4,10,9 +1.4,11,7 +1.4,6,5 +1.4,8,9 +1.4,11,8 1.4,8,7 -1.4,6,2 +1.4,7,6 +1.4,7,3 +1.4,10,7 +1.4,9,4 +1.4,10,9 +1.4,11,8 +1.4,3,3 +1.4,2,3 +1.4,10,7 +1.4,2,2 +1.4,4,4 +1.4,5,7 +1.4,5,6 1.4,11,11 +1.4,9,4 +1.4,8,7 +1.4,8,4 +1.4,8,4 +1.4,8,7 +1.4,7,6 +1.4,11,12 +1.4,6,7 +1.4,8,5 +1.4,5,6 +1.4,6,3 +1.4,3,2 +1.4,10,12 +1.4,7,1 +1.4,1,3 +1.4,8,3 1.4,9,6 -1.4,7,8 -1.4,5,4 -1.4,5,7 +1.4,6,4 +1.4,9,9 +1.4,8,8 +1.4,4,3 +1.4,13,12 1.4,6,3 -1.4,9,8 -1.4,8,5 +1.4,7,7 +1.4,11,11 +1.4,4,6 +1.4,8,11 +1.4,8,8 +1.4,3,1 +1.4,5,1 1.4,8,6 -1.4,11,12 +1.4,6,7 +1.4,11,11 +1.4,9,6 +1.4,5,3 +1.4,8,3 +1.4,12,11 +1.4,8,5 +1.4,5,6 +1.4,6,5 +1.4,11,8 +1.4,13,10 +1.4,13,13 +1.4,4,4 +1.4,13,11 1.4,2,2 -1.4,7,5 +1.4,3,3 +1.4,9,9 +1.4,6,5 +1.4,3,3 +1.4,8,4 1.4,7,10 +1.4,7,6 +1.4,6,4 +1.4,7,5 +1.4,6,7 +1.4,4,5 +1.4,5,5 +1.4,10,12 1.4,9,9 -1.4,11,15 +1.4,4,3 +1.4,7,5 +1.4,7,5 +1.4,8,5 1.4,9,8 -1.4,9,14 -1.4,12,12 -1.4,6,4 -1.4,13,9 +1.4,9,12 +1.4,9,10 +1.4,7,7 +1.4,9,7 +1.4,10,13 +1.4,7,6 +1.4,9,4 +1.4,5,8 1.4,6,2 -1.4,8,6 -1.4,8,6 -1.4,11,4 -1.4,4,8 -1.4,3,2 -1.4,7,13 -1.4,13,11 +1.4,12,14 +1.4,4,5 +1.4,9,4 +1.4,6,8 +1.4,3,3 +1.4,8,5 +1.4,8,9 +1.4,10,8 +1.4,6,4 1.4,3,4 +1.4,4,5 +1.4,11,17 +1.4,6,6 +1.4,4,2 +1.4,10,9 +1.4,11,10 1.4,5,4 -1.4,4,4 -1.4,7,3 -1.4,9,7 -1.4,13,10 -1.4,12,15 -1.4,7,2 -1.4,4,1 -1.4,7,8 1.4,10,10 +1.4,9,6 +1.4,9,7 +1.4,11,13 +1.4,7,1 +1.4,1,1 +1.4,8,10 +1.4,4,2 +1.4,4,8 +1.4,8,5 1.4,5,3 -1.4,7,11 -1.4,9,5 -1.4,5,6 -1.4,9,11 -1.4,5,4 -1.4,5,3 -1.4,12,13 -1.4,8,6 -1.4,8,11 -1.4,8,7 -1.4,6,9 -1.4,7,4 -1.4,14,14 -1.4,11,4 -1.4,6,6 1.4,9,9 -1.4,12,15 -1.4,13,15 -1.4,6,3 -1.4,9,10 -1.4,5,3 -1.4,6,5 -1.4,7,7 -1.4,9,8 1.4,5,4 -1.4,7,5 -1.4,7,7 -1.4,8,1 -1.4,5,7 -1.4,4,2 +1.4,7,9 +1.4,6,2 +1.4,10,6 +1.4,2,0 +1.4,9,10 1.4,7,4 1.4,11,8 +1.4,7,1 +1.4,6,10 +1.4,6,9 +1.4,14,9 +1.4,7,7 +1.4,8,6 +1.4,10,7 +1.4,8,6 +1.4,15,13 1.4,7,2 +1.4,7,7 +1.4,8,2 +1.4,4,3 +1.4,10,6 +1.4,6,2 +1.4,7,6 +1.4,9,13 +1.4,5,4 +1.4,6,6 +1.4,6,4 +1.4,8,7 1.4,9,6 -1.4,5,2 -1.4,8,1 +1.4,8,7 +1.4,13,11 +1.4,8,7 +1.4,11,10 1.4,12,9 -1.4,6,4 -1.4,4,7 -1.4,7,10 -1.4,8,4 -1.4,9,8 -1.4,12,5 -1.4,8,11 -1.4,5,3 -1.4,6,5 +1.4,5,8 +1.4,11,12 +1.4,13,9 +1.4,4,3 +1.4,6,6 +1.4,5,6 +1.4,4,3 +1.4,11,14 +1.4,4,5 1.4,8,7 -1.4,6,1 -1.4,6,9 1.4,5,4 -1.4,7,7 -1.4,11,10 -1.4,9,10 -1.4,4,2 -1.4,10,9 +1.4,4,5 +1.4,10,8 +1.4,13,12 +1.4,8,10 +1.4,6,3 1.4,7,3 +1.4,6,4 +1.4,7,6 1.4,6,5 -1.4,3,3 -1.4,11,15 -1.4,12,8 -1.4,7,7 +1.4,6,11 1.4,8,9 -1.4,6,10 +1.4,5,6 +1.4,4,3 1.4,6,7 -1.4,6,4 +1.4,7,8 +1.4,8,10 1.4,6,2 -1.4,6,7 -1.4,5,3 -1.4,8,9 -1.4,8,3 -1.4,11,4 -1.4,12,15 -1.4,5,6 +1.4,8,6 1.4,5,5 -1.4,4,5 -1.4,4,6 -1.4,5,4 -1.4,8,3 -1.4,7,11 -1.4,11,11 -1.4,6,5 -1.4,7,6 -1.4,8,14 -1.4,7,7 -1.4,4,2 -1.4,11,8 -1.4,8,10 -1.4,8,5 -1.4,11,8 -1.4,11,7 -1.4,4,2 -1.4,9,7 -1.4,12,7 -1.4,6,6 -1.4,9,1 -1.4,9,3 -1.4,5,3 -1.4,13,5 -1.4,7,3 -1.4,11,6 -1.4,5,1 +1.4,9,5 1.4,7,4 -1.4,5,5 -1.4,7,6 -1.4,7,5 +1.4,6,3 1.4,5,3 -1.4,7,7 -1.4,5,2 -1.4,8,4 -1.4,3,1 +1.4,4,2 +1.4,6,4 +1.4,7,2 +1.4,3,6 +1.4,8,7 +1.4,9,10 1.4,4,6 -1.4,7,6 -1.4,7,3 -1.4,7,11 -1.4,8,2 -1.4,12,10 -1.4,10,10 -1.4,11,8 -1.4,5,3 -1.4,6,5 -1.4,3,5 -1.4,12,12 -1.4,7,6 +1.4,3,1 1.4,8,4 -1.4,7,5 -1.4,5,5 -1.4,5,2 -1.4,9,9 -1.4,4,7 +1.4,9,7 1.4,9,6 -1.4,7,5 1.4,9,5 -1.4,4,9 -1.4,9,4 +1.4,6,6 1.4,5,6 +1.4,6,5 +1.4,9,8 +1.4,3,1 +1.4,5,2 +1.4,7,5 +1.4,10,15 1.4,8,4 -1.4,5,5 -1.4,7,6 -1.4,6,4 -1.4,6,3 -1.4,9,4 -1.4,8,10 -1.4,13,9 -1.4,7,8 -1.4,10,8 -1.4,4,5 +1.4,2,1 +1.4,7,7 +1.4,10,13 1.4,9,10 -1.4,4,5 -1.4,10,11 -1.4,9,7 -1.4,1,2 -1.4,9,5 -1.4,4,5 -1.4,9,4 -1.4,7,9 -1.4,7,5 -1.4,10,6 -1.4,6,4 -1.4,9,4 -1.4,7,5 -1.4,7,9 +1.4,12,14 +1.4,12,14 +1.4,8,7 +1.4,9,12 +1.4,9,8 +1.4,12,5 1.4,12,12 -1.4,7,5 -1.4,10,10 -1.4,15,9 -1.4,9,5 -1.4,11,7 -1.4,10,9 -1.4,5,1 -1.4,9,6 -1.4,10,9 +1.4,3,1 +1.4,5,5 +1.4,4,4 +1.4,5,4 +1.4,8,9 +1.4,6,8 +1.4,7,3 +1.4,7,11 +1.4,11,11 +1.4,2,2 +1.4,7,4 +1.4,5,7 +1.4,5,3 +1.4,6,5 +1.4,10,10 +1.4,7,11 +1.4,4,2 +1.4,4,4 +1.4,3,3 +1.4,7,8 +1.4,10,4 +1.4,5,6 +1.4,6,9 +1.4,9,8 +1.4,8,7 1.4,6,4 -1.4,5,2 +1.4,10,5 +1.4,9,9 +1.4,5,8 1.4,5,4 1.4,9,6 +1.4,11,6 +1.4,2,5 +1.4,6,6 +1.4,10,8 +1.4,10,6 +1.4,7,5 +1.4,8,9 +1.4,1,0 +1.4,8,4 +1.4,13,11 1.4,8,5 -1.4,4,4 -1.4,8,3 -1.4,6,7 -1.4,9,10 -1.4,9,9 1.4,5,6 -1.4,4,1 -1.4,10,8 -1.4,8,10 -1.4,9,9 -1.4,6,3 -1.4,9,6 1.4,6,5 -1.4,11,10 -1.4,9,14 -1.4,10,7 -1.4,17,11 -1.4,8,8 -1.4,8,6 -1.4,5,3 -1.4,5,4 -1.4,6,1 -1.4,8,8 -1.4,9,12 -1.4,9,14 -1.4,8,8 -1.4,10,11 -1.4,3,3 -1.4,8,7 -1.4,11,10 -1.4,8,6 -1.4,13,9 -1.4,10,11 -1.4,4,3 -1.4,9,16 -1.4,7,3 -1.4,12,7 -1.4,7,1 -1.4,7,10 -1.4,8,3 -1.4,5,4 1.4,6,4 +1.4,9,11 +1.4,6,4 +1.4,7,3 1.4,7,7 -1.4,7,4 -1.4,10,3 -1.4,5,4 -1.4,5,8 -1.4,10,8 -1.4,10,9 -1.4,6,7 -1.4,10,10 +1.4,8,4 +1.4,8,14 +1.4,7,5 1.4,8,5 -1.4,2,2 -1.4,15,19 -1.4,4,4 -1.4,6,7 +1.4,12,15 1.4,7,6 -1.4,11,8 -1.4,5,5 +1.4,7,6 +1.4,6,6 +1.4,9,9 +1.4,8,7 1.4,4,5 -1.4,8,9 -1.4,11,13 -1.4,12,11 -1.4,6,5 +1.4,9,9 +1.4,8,4 +1.4,4,4 +1.4,7,4 +1.4,11,4 +1.4,5,3 +1.4,1,1 +1.4,7,4 +1.4,6,3 +1.4,9,11 +1.4,7,10 +1.4,7,10 +1.4,7,8 +1.4,9,11 +1.4,5,4 1.4,6,5 -1.4,12,15 +1.4,9,9 +1.4,8,7 +1.4,7,8 +1.4,6,8 +1.4,8,5 +1.4,16,15 +1.4,13,13 +1.4,8,9 +1.4,7,8 1.4,7,3 -1.4,2,3 -1.4,5,5 -1.4,4,4 -1.4,5,5 +1.4,3,3 +1.4,7,5 +1.4,6,6 +1.4,6,7 +1.4,10,12 +1.4,8,12 +1.4,14,14 1.4,4,3 -1.4,3,7 -1.4,7,6 1.4,8,7 -1.4,6,6 -1.4,10,5 -1.4,8,5 -1.4,14,13 +1.4,5,4 1.4,7,5 -1.4,4,8 +1.4,7,15 1.4,10,7 -1.4,10,10 -1.4,5,3 +1.4,10,8 +1.4,6,6 +1.4,10,7 +1.4,5,5 +1.4,11,11 +1.4,14,12 +1.4,8,4 +1.4,3,1 +1.4,7,10 +1.4,9,9 1.4,8,9 -1.4,2,2 -1.4,17,5 -1.4,5,4 -1.4,7,5 -1.4,5,4 -1.4,3,4 -1.4,8,10 -1.4,10,12 +1.4,11,8 +1.4,9,8 +1.4,5,1 +1.4,13,10 +1.4,8,8 +1.4,5,5 +1.4,8,8 +1.4,8,7 +1.4,15,16 +1.4,2,4 +1.4,8,4 +1.4,11,6 1.4,6,4 -1.4,4,5 -1.4,10,16 -1.4,5,3 -1.4,8,6 -1.4,6,8 -1.4,12,12 -1.4,10,5 -1.4,5,3 -1.4,7,9 +1.4,6,5 1.4,8,9 +1.4,5,4 1.4,6,5 -1.4,8,6 -1.4,17,17 +1.4,13,9 +1.4,10,9 +1.4,14,8 1.4,5,2 -1.4,11,9 -1.4,13,16 -1.4,5,4 -1.4,6,2 -1.4,1,0 -1.4,7,8 -1.4,4,1 -1.4,7,7 1.4,4,4 +1.4,2,0 +1.4,9,8 +1.4,6,6 +1.4,10,12 1.4,5,4 -1.4,4,1 -1.4,11,12 +1.4,5,7 +1.4,13,16 +1.4,4,4 +1.4,6,3 +1.4,7,4 +1.4,6,6 +1.4,12,11 +1.4,10,8 +1.4,5,2 +1.4,7,5 +1.4,3,4 +1.4,6,5 1.4,8,7 -1.4,9,8 -1.4,9,2 -1.4,7,3 -1.4,4,2 -1.4,8,9 -1.4,4,1 +1.4,6,5 +1.4,3,2 +1.4,11,5 +1.4,9,11 +1.4,6,1 1.4,9,8 1.4,6,7 -1.4,9,6 +1.4,7,8 +1.4,5,5 +1.4,11,9 +1.4,7,4 1.4,9,7 +1.4,4,6 +1.4,14,15 +1.4,9,8 +1.4,6,8 +1.4,11,13 +1.4,5,3 +1.4,6,7 +1.4,8,4 +1.4,9,9 1.4,6,3 -1.4,9,4 -1.4,10,11 -1.4,2,1 -1.4,10,3 -1.4,10,13 -1.4,8,11 +1.4,9,11 +1.4,9,7 +1.4,4,4 +1.4,7,9 +1.4,9,6 +1.4,7,8 +1.4,9,11 +1.4,10,6 +1.4,12,11 +1.4,11,11 +1.4,11,10 +1.4,11,10 +1.4,12,15 +1.4,10,10 +1.4,11,7 +1.4,5,7 +1.4,13,9 +1.4,7,8 +1.4,7,4 +1.4,4,2 +1.4,7,9 +1.4,3,0 +1.4,1,0 +1.4,6,4 +1.4,7,5 +1.4,11,7 +1.4,10,5 +1.4,5,7 +1.4,6,9 +1.4,14,11 1.4,5,4 -1.4,7,6 -1.4,9,8 -1.4,5,2 -1.4,3,4 +1.4,8,6 1.4,3,4 -1.4,9,11 -1.4,4,4 -1.4,5,0 -1.4,9,7 -1.4,6,7 -1.4,6,7 -1.4,5,12 -1.4,6,8 -1.4,12,12 -1.4,11,14 -1.4,10,9 -1.4,6,7 -1.4,12,10 -1.4,9,7 -1.4,6,9 -1.4,13,12 +1.4,8,7 +1.4,3,8 +1.4,5,5 +1.4,6,5 +1.4,7,9 +1.4,11,5 +1.4,3,3 +1.4,7,4 +1.4,6,3 +1.4,12,4 +1.4,4,6 +1.4,12,14 +1.4,6,3 +1.4,9,8 +1.4,8,5 +1.4,2,4 +1.4,1,0 1.4,7,5 +1.4,5,7 +1.4,13,8 1.4,6,6 -1.4,3,2 -1.4,9,4 +1.4,12,4 +1.4,10,6 +1.4,9,8 +1.4,7,4 +1.4,11,4 +1.4,9,12 1.4,6,5 1.4,10,8 -1.4,8,7 -1.4,10,2 -1.4,6,7 -1.4,9,9 -1.4,5,8 +1.4,5,1 +1.4,9,5 +1.4,3,4 1.4,10,8 -1.4,12,13 +1.4,4,6 1.4,9,6 -1.4,7,6 -1.4,9,8 -1.4,12,7 -1.4,10,7 +1.4,8,10 +1.4,8,8 +1.4,3,3 1.4,6,4 -1.4,2,4 +1.4,7,13 +1.4,13,16 +1.4,7,5 +1.4,3,5 +1.4,8,8 +1.4,9,10 +1.4,8,6 +1.4,6,8 +1.4,10,9 +1.4,10,11 +1.4,6,6 +1.4,13,11 +1.4,6,9 +1.4,4,8 +1.4,8,2 1.4,7,4 +1.4,12,6 +1.4,10,14 +1.4,11,12 +1.4,5,6 +1.4,8,8 +1.4,6,6 +1.4,6,4 +1.4,4,4 +1.4,8,4 +1.4,6,4 +1.4,9,8 +1.4,3,4 +1.4,1,2 +1.4,5,5 +1.4,10,8 +1.4,12,10 +1.4,10,11 +1.4,6,5 +1.4,13,7 1.4,4,6 -1.4,17,26 -1.4,5,2 -1.4,11,2 -1.4,8,10 +1.4,6,3 +1.4,2,2 +1.4,10,8 +1.4,7,5 +1.4,4,5 +1.4,7,9 +1.4,14,10 +1.4,8,5 +1.4,9,10 +1.4,7,3 +1.4,9,12 +1.4,8,5 +1.4,5,4 +1.4,6,6 1.4,9,11 -1.4,2,4 -1.4,8,6 -1.4,6,7 +1.4,10,9 +1.4,7,5 +1.4,11,10 +1.4,6,3 +1.4,7,15 +1.4,9,2 1.4,6,5 -1.4,12,11 -1.4,10,7 +1.4,9,5 +1.4,10,6 +1.4,7,1 +1.4,4,3 +1.4,7,10 +1.4,12,9 +1.4,9,10 +1.4,5,5 +1.4,8,2 +1.4,6,8 +1.4,9,4 +1.4,3,2 +1.4,6,2 +1.4,8,10 +1.4,11,11 1.4,7,2 -1.4,7,4 -1.4,9,11 -1.4,5,2 +1.4,9,7 1.4,9,4 -1.4,8,7 -1.4,9,6 -1.4,8,5 +1.4,9,10 +1.4,8,4 +1.4,7,7 +1.4,8,13 +1.4,6,4 1.4,7,6 -1.4,10,8 -1.4,6,2 -1.4,7,5 -1.4,7,14 -1.4,10,5 -1.4,5,3 -1.4,10,9 -1.4,8,8 -1.4,8,6 -1.4,6,2 -1.4,13,15 -1.4,7,8 +1.4,5,6 +1.4,5,5 +1.4,12,7 +1.4,11,6 +1.4,7,7 +1.4,8,10 +1.4,6,6 +1.4,6,8 +1.4,9,7 +1.4,7,3 1.4,7,8 -1.4,5,4 -1.4,4,3 -1.4,9,6 -1.4,7,11 -1.4,13,8 -1.4,5,3 -1.4,5,1 -1.4,6,7 -1.4,2,2 -1.4,9,5 +1.4,5,2 +1.4,14,14 +1.4,4,4 +1.4,6,11 +1.4,1,1 +1.4,8,10 +1.4,7,9 +1.4,9,12 +1.4,5,6 +1.4,8,9 +1.4,10,6 1.4,9,7 -1.4,5,1 -1.4,10,10 -1.4,2,2 -1.4,5,1 -1.4,8,12 -1.4,3,6 -1.4,10,4 -1.4,8,8 -1.4,4,6 -1.4,5,3 -1.4,6,5 -1.4,12,6 -1.4,13,13 -1.4,9,11 +1.4,6,0 1.4,4,5 -1.4,7,5 -1.4,7,6 -1.4,3,4 -1.4,12,6 -1.4,8,8 -1.4,8,3 -1.4,11,14 -1.4,12,14 -1.4,4,2 -1.4,8,6 -1.4,10,10 -1.4,4,2 1.4,7,1 -1.4,11,9 -1.4,6,3 -1.4,7,2 +1.4,7,4 +1.4,6,9 +1.4,8,9 +1.4,4,3 1.4,8,8 -1.4,4,1 -1.4,10,8 -1.4,10,16 -1.4,11,8 +1.4,7,3 +1.4,8,7 1.4,4,4 -1.4,18,15 -1.4,10,6 -1.4,8,8 -1.4,15,17 +1.4,11,11 1.4,10,9 +1.4,12,10 +1.4,5,3 +1.4,9,6 +1.4,3,3 +1.4,4,2 +1.4,6,4 +1.4,6,6 +1.4,5,5 +1.4,7,7 +1.4,10,5 +1.4,8,9 +1.4,3,2 +1.4,7,4 +1.4,9,12 1.4,9,12 1.4,4,3 1.4,7,10 -1.4,6,7 -1.4,3,6 -1.4,6,3 -1.4,11,11 -1.4,8,12 -1.4,8,12 -1.4,8,5 -1.4,10,8 +1.4,8,6 +1.4,3,3 +1.4,8,3 +1.4,7,5 +1.4,5,2 +1.4,7,2 +1.4,5,9 +1.4,8,7 +1.4,7,7 +1.4,8,10 +1.4,8,10 +1.4,4,1 +1.4,13,8 +1.4,6,1 +1.4,5,3 +1.4,10,12 +1.4,13,10 1.4,5,3 -1.4,9,4 -1.4,8,9 -1.4,2,1 -1.4,5,6 -1.4,8,5 -1.4,11,9 -1.4,17,17 -1.4,12,11 1.4,9,8 -1.4,5,6 -1.4,11,7 +1.4,8,3 +1.4,3,1 +1.4,4,3 1.4,7,9 -1.4,7,4 -1.4,3,4 +1.4,8,7 +1.4,8,6 +1.4,8,8 1.4,9,6 +1.4,11,11 1.4,7,7 -1.4,6,3 -1.4,6,4 -1.4,7,3 -1.4,9,11 -1.4,7,8 -1.4,8,6 -1.4,5,5 +1.4,13,10 +1.4,5,4 +1.4,9,9 +1.4,10,9 +1.4,8,5 +1.4,7,4 +1.4,6,5 +1.4,6,2 1.4,9,7 +1.4,12,5 +1.4,4,9 1.4,3,3 -1.4,13,7 +1.4,12,18 +1.4,10,3 +1.4,8,6 +1.4,7,8 +1.4,4,3 +1.4,8,4 +1.4,6,5 +1.4,6,4 +1.4,8,13 +1.4,5,8 +1.4,7,0 +1.4,5,4 +1.4,4,1 +1.4,7,6 +1.4,14,15 +1.4,7,12 +1.4,10,6 +1.4,7,11 +1.4,8,9 +1.4,6,3 +1.4,8,9 1.4,8,8 -1.4,6,2 1.4,8,10 -1.4,3,4 -1.4,9,4 -1.4,6,2 -1.4,5,6 -1.4,8,2 +1.4,8,6 1.4,7,6 -1.4,4,2 -1.4,5,4 -1.4,8,3 -1.4,1,0 +1.4,5,8 +1.4,3,6 +1.4,7,5 +1.4,5,2 +1.4,7,10 1.4,9,5 -1.4,4,2 -1.4,7,9 1.4,10,6 -1.4,9,7 -1.4,4,2 -1.4,2,4 -1.4,3,1 -1.4,9,9 -1.4,7,5 -1.4,4,3 -1.4,9,10 -1.4,8,10 -1.4,10,7 -1.4,7,11 -1.4,6,4 -1.4,10,10 -1.4,2,3 -1.4,11,8 -1.4,8,12 -1.4,11,12 -1.4,11,13 -1.4,8,11 -1.4,5,5 -1.4,9,7 -1.4,12,11 +1.4,7,6 +1.4,5,4 1.4,5,3 -1.4,6,4 -1.4,5,6 +1.4,3,5 +1.4,7,7 +1.4,6,8 1.4,3,1 -1.4,2,0 -1.4,5,3 -1.4,7,6 +1.4,8,11 +1.4,6,3 +1.4,13,14 1.4,9,6 -1.4,9,4 -1.4,6,4 -1.4,6,2 -1.4,6,6 -1.4,10,8 -1.4,3,3 -1.4,8,5 +1.4,6,5 +1.4,7,7 1.4,7,4 +1.4,11,8 +1.4,5,6 +1.4,10,7 1.4,8,6 -1.4,7,8 -1.4,8,7 -1.4,9,10 -1.4,6,5 -1.4,11,10 -1.4,8,12 -1.4,14,7 -1.4,10,13 +1.4,12,11 +1.4,9,3 +1.4,5,6 +1.4,17,15 +1.4,5,7 +1.4,6,3 +1.4,5,4 +1.4,10,12 +1.4,6,7 +1.4,5,4 1.4,7,5 1.4,11,10 -1.4,6,5 1.4,6,6 -1.4,7,7 -1.4,7,6 +1.4,9,8 +1.4,8,6 +1.4,5,1 +1.4,10,5 +1.4,13,9 +1.4,10,10 +1.4,5,3 +1.4,11,8 +1.4,9,6 +1.4,3,2 +1.4,6,5 1.4,10,7 +1.4,6,6 +1.4,9,6 1.4,7,7 +1.4,10,1 +1.4,5,4 +1.4,10,8 +1.4,5,6 +1.4,10,11 +1.4,11,14 +1.4,9,6 +1.4,8,2 +1.4,10,13 +1.4,9,2 +1.4,13,15 +1.4,10,8 +1.4,9,6 +1.4,10,9 +1.4,9,10 +1.4,4,8 +1.4,6,4 +1.4,5,4 1.4,9,8 -1.4,2,3 +1.4,5,6 +1.4,8,2 +1.4,7,4 1.4,8,5 -1.4,9,12 -1.4,4,3 +1.4,5,10 1.4,6,6 -1.4,6,2 -1.4,5,2 -1.4,3,2 -1.4,4,2 -1.4,8,5 -1.4,15,22 1.4,6,3 +1.4,6,4 +1.4,4,4 +1.4,8,12 +1.4,6,3 +1.4,9,5 +1.4,15,10 +1.4,5,3 1.4,5,6 -1.4,14,14 -1.4,5,4 -1.4,8,4 -1.4,3,4 -1.4,4,3 -1.4,11,10 +1.4,10,9 +1.4,5,7 +1.4,14,8 +1.4,10,9 +1.4,6,10 +1.4,7,6 +1.4,8,7 +1.4,7,2 +1.4,8,10 +1.4,5,8 +1.4,7,7 +1.4,12,9 +1.4,6,4 +1.4,11,11 +1.4,11,11 +1.4,9,10 1.4,8,6 -1.4,11,10 -1.4,14,12 -1.4,5,5 -1.4,6,5 -1.4,10,5 +1.4,8,8 +1.4,7,5 +1.4,16,13 +1.4,9,7 +1.4,12,7 1.4,5,5 -1.4,6,2 +1.4,7,4 1.4,7,3 -1.4,8,7 -1.4,9,10 +1.4,5,6 +1.4,4,4 +1.4,14,16 +1.4,14,8 +1.4,9,6 +1.4,6,6 +1.4,6,7 +1.4,11,9 1.4,7,7 -1.4,10,10 -1.4,12,11 +1.4,6,7 +1.4,9,10 +1.4,7,5 +1.4,11,7 +1.4,10,9 +1.4,9,3 +1.4,10,6 1.4,8,5 -1.4,5,9 -1.4,6,4 -1.4,5,5 +1.4,7,8 +1.4,6,5 +1.4,2,2 +1.4,11,9 +1.4,6,8 +1.4,4,4 +1.4,4,3 +1.4,4,1 +1.4,7,2 +1.4,8,5 +1.4,6,1 +1.4,11,7 1.4,8,5 -1.4,9,9 1.4,4,2 -1.4,10,6 -1.4,6,4 -1.5,12,5 -1.5,9,10 -1.5,10,5 -1.5,7,10 -1.5,10,4 -1.5,4,1 -1.5,11,10 -1.5,8,14 -1.5,4,6 +1.4,10,8 +1.4,6,3 +1.4,10,13 +1.4,7,6 +1.4,3,4 +1.4,8,12 +1.4,8,6 +1.4,8,7 +1.4,6,6 +1.4,10,13 +1.4,5,7 +1.4,8,11 +1.4,1,0 +1.4,5,6 +1.4,8,7 +1.4,5,3 +1.4,9,9 +1.5,11,9 +1.5,11,12 +1.5,8,9 +1.5,6,5 +1.5,5,8 +1.5,4,3 +1.5,9,5 +1.5,7,5 +1.5,8,5 +1.5,8,10 +1.5,8,9 +1.5,4,4 1.5,7,6 -1.5,8,7 -1.5,5,7 +1.5,4,4 +1.5,8,6 +1.5,5,2 +1.5,11,7 +1.5,6,5 +1.5,8,6 +1.5,8,5 +1.5,11,10 +1.5,3,2 +1.5,5,5 +1.5,10,8 1.5,11,10 +1.5,3,5 +1.5,8,6 +1.5,6,7 +1.5,2,4 +1.5,6,4 +1.5,9,9 +1.5,8,7 +1.5,9,7 +1.5,10,5 +1.5,10,12 +1.5,9,10 1.5,11,11 -1.5,5,4 -1.5,7,6 -1.5,7,4 +1.5,8,8 +1.5,7,7 1.5,8,5 -1.5,7,8 +1.5,8,4 +1.5,8,7 +1.5,12,6 +1.5,10,6 +1.5,8,7 +1.5,8,5 +1.5,5,5 +1.5,9,6 +1.5,7,12 +1.5,6,3 +1.5,6,5 +1.5,5,7 +1.5,3,4 +1.5,8,2 +1.5,10,8 +1.5,14,14 +1.5,2,2 +1.5,6,5 +1.5,3,3 +1.5,11,15 +1.5,8,6 +1.5,5,3 +1.5,6,1 +1.5,11,6 +1.5,4,7 +1.5,10,6 +1.5,9,10 +1.5,11,9 +1.5,14,13 +1.5,5,7 1.5,7,7 -1.5,6,2 +1.5,6,9 +1.5,12,6 +1.5,5,3 +1.5,9,6 1.5,5,3 +1.5,5,2 1.5,4,4 -1.5,13,13 -1.5,14,8 -1.5,9,11 -1.5,5,6 -1.5,11,10 -1.5,15,16 -1.5,9,7 -1.5,12,9 -1.5,10,13 -1.5,8,7 -1.5,12,7 -1.5,4,3 -1.5,9,12 +1.5,6,6 +1.5,12,12 +1.5,7,5 +1.5,5,2 1.5,11,11 -1.5,8,2 -1.5,6,4 -1.5,9,3 +1.5,6,5 +1.5,10,6 +1.5,10,8 +1.5,7,6 1.5,8,3 -1.5,13,13 +1.5,9,5 +1.5,9,12 +1.5,6,10 +1.5,7,5 +1.5,8,6 +1.5,4,4 +1.5,15,14 +1.5,6,6 +1.5,7,8 +1.5,9,9 +1.5,14,7 +1.5,7,3 1.5,7,4 -1.5,10,6 -1.5,10,12 -1.5,5,7 -1.5,7,9 -1.5,6,2 -1.5,5,4 -1.5,11,11 -1.5,11,10 +1.5,4,7 +1.5,7,10 +1.5,14,9 +1.5,4,3 1.5,12,10 -1.5,9,5 -1.5,9,8 -1.5,10,11 +1.5,7,6 +1.5,7,5 +1.5,12,11 1.5,6,4 -1.5,4,8 -1.5,10,10 -1.5,11,7 -1.5,11,13 -1.5,9,5 +1.5,5,6 +1.5,8,5 +1.5,6,1 +1.5,10,8 +1.5,10,7 1.5,7,4 -1.5,10,4 -1.5,11,10 -1.5,6,5 -1.5,7,3 +1.5,9,4 +1.5,5,3 +1.5,4,3 1.5,7,4 -1.5,7,9 +1.5,8,3 +1.5,9,8 +1.5,13,11 +1.5,3,1 +1.5,8,11 1.5,7,7 +1.5,3,1 +1.5,9,10 +1.5,5,7 +1.5,8,6 +1.5,11,15 +1.5,13,6 +1.5,16,17 +1.5,9,9 +1.5,12,12 +1.5,7,6 +1.5,13,7 +1.5,5,8 +1.5,6,2 +1.5,8,7 +1.5,11,8 +1.5,9,13 +1.5,7,5 1.5,8,9 -1.5,5,5 -1.5,11,16 -1.5,8,10 -1.5,8,5 -1.5,5,5 -1.5,7,10 +1.5,7,7 +1.5,9,9 +1.5,12,5 +1.5,8,11 +1.5,6,9 +1.5,8,6 +1.5,7,6 +1.5,6,6 +1.5,3,5 +1.5,8,7 1.5,7,8 +1.5,7,10 +1.5,9,6 +1.5,10,5 +1.5,13,13 +1.5,11,7 1.5,4,4 +1.5,8,3 +1.5,1,2 +1.5,10,16 +1.5,6,6 +1.5,7,9 +1.5,15,10 1.5,10,10 -1.5,10,7 -1.5,7,3 +1.5,3,1 +1.5,9,9 +1.5,6,7 +1.5,7,4 +1.5,5,3 +1.5,12,10 +1.5,5,2 +1.5,10,5 +1.5,5,5 1.5,7,8 -1.5,14,15 -1.5,11,10 -1.5,11,10 -1.5,12,14 -1.5,6,6 -1.5,8,8 -1.5,4,4 -1.5,6,3 -1.5,8,5 -1.5,9,12 -1.5,11,7 -1.5,4,7 -1.5,10,8 -1.5,9,7 1.5,7,5 -1.5,8,4 -1.5,6,8 -1.5,6,6 -1.5,7,6 -1.5,6,6 +1.5,6,4 +1.5,6,9 +1.5,9,9 +1.5,7,8 1.5,8,7 -1.5,8,2 -1.5,6,6 -1.5,15,10 -1.5,11,15 -1.5,7,3 -1.5,15,13 -1.5,14,9 1.5,8,8 -1.5,8,4 -1.5,7,6 -1.5,9,6 -1.5,4,4 -1.5,1,2 -1.5,7,7 -1.5,7,9 +1.5,11,8 1.5,8,6 +1.5,3,2 +1.5,8,7 1.5,8,8 -1.5,9,15 -1.5,10,10 -1.5,7,5 1.5,7,4 +1.5,4,3 +1.5,9,10 1.5,5,4 +1.5,12,6 +1.5,11,7 +1.5,3,2 +1.5,8,10 +1.5,4,4 +1.5,9,9 +1.5,21,17 +1.5,10,11 +1.5,7,6 +1.5,8,6 +1.5,7,4 +1.5,6,8 +1.5,13,13 +1.5,8,8 +1.5,10,6 +1.5,9,13 1.5,5,3 -1.5,7,3 -1.5,6,10 -1.5,9,5 -1.5,7,8 +1.5,5,10 +1.5,7,6 1.5,8,9 -1.5,9,16 -1.5,5,3 -1.5,6,6 -1.5,6,4 -1.5,9,10 -1.5,5,8 -1.5,4,9 -1.5,9,7 -1.5,5,1 +1.5,7,6 +1.5,8,9 +1.5,7,10 1.5,11,12 1.5,5,1 -1.5,6,6 -1.5,5,4 -1.5,7,7 -1.5,7,7 -1.5,3,8 -1.5,9,11 -1.5,7,5 -1.5,6,7 -1.5,5,2 -1.5,9,6 +1.5,11,5 +1.5,7,6 +1.5,5,6 1.5,7,7 1.5,4,2 -1.5,11,7 -1.5,9,7 -1.5,12,11 -1.5,10,2 -1.5,6,2 -1.5,8,8 -1.5,8,8 -1.5,5,7 -1.5,7,10 -1.5,5,3 -1.5,8,7 -1.5,7,3 -1.5,11,8 +1.5,11,10 +1.5,7,6 +1.5,10,12 +1.5,7,6 1.5,9,5 -1.5,5,10 -1.5,9,8 -1.5,12,13 -1.5,8,8 -1.5,8,7 -1.5,10,9 -1.5,7,5 -1.5,4,2 -1.5,10,10 -1.5,4,4 -1.5,6,4 -1.5,9,4 -1.5,9,7 -1.5,8,8 -1.5,7,4 -1.5,7,8 -1.5,17,17 -1.5,9,10 -1.5,8,12 +1.5,3,6 +1.5,13,16 +1.5,15,11 +1.5,6,3 +1.5,12,12 +1.5,13,11 1.5,5,5 -1.5,10,8 1.5,3,6 -1.5,3,1 -1.5,6,4 -1.5,8,8 -1.5,12,13 -1.5,3,4 -1.5,12,4 -1.5,7,5 -1.5,7,9 -1.5,6,4 -1.5,4,1 +1.5,5,5 1.5,7,6 -1.5,9,10 -1.5,10,10 -1.5,3,1 -1.5,6,6 -1.5,4,3 +1.5,8,6 1.5,6,5 -1.5,6,3 -1.5,5,5 -1.5,4,1 +1.5,5,8 +1.5,6,8 +1.5,9,5 1.5,4,4 -1.5,15,17 -1.5,4,3 -1.5,8,8 -1.5,5,1 -1.5,7,3 -1.5,10,12 -1.5,8,12 -1.5,9,8 -1.5,8,8 -1.5,7,10 -1.5,11,8 -1.5,11,12 -1.5,14,11 -1.5,8,4 -1.5,7,5 -1.5,13,16 -1.5,7,7 -1.5,5,6 -1.5,9,9 -1.5,8,5 -1.5,7,9 -1.5,12,9 -1.5,11,9 -1.5,5,9 -1.5,7,8 -1.5,8,9 +1.5,6,2 1.5,11,6 -1.5,4,6 -1.5,10,11 -1.5,2,3 -1.5,13,15 +1.5,10,8 +1.5,7,8 +1.5,7,6 +1.5,6,5 +1.5,7,7 +1.5,13,12 +1.5,12,10 +1.5,11,5 +1.5,9,11 1.5,5,1 -1.5,4,4 +1.5,7,4 +1.5,4,3 +1.5,14,12 +1.5,6,3 1.5,8,11 -1.5,10,11 -1.5,8,3 -1.5,2,1 -1.5,7,11 -1.5,6,6 -1.5,8,9 -1.5,6,5 -1.5,14,14 -1.5,9,9 -1.5,10,9 +1.5,8,7 +1.5,6,4 1.5,9,8 +1.5,4,4 +1.5,7,9 +1.5,10,9 +1.5,12,10 +1.5,2,1 +1.5,5,5 +1.5,7,2 +1.5,11,5 +1.5,9,6 1.5,9,9 -1.5,12,11 -1.5,6,9 +1.5,9,12 +1.5,10,4 +1.5,15,11 +1.5,7,7 1.5,8,9 +1.5,12,7 +1.5,9,8 +1.5,13,14 +1.5,2,2 1.5,7,9 -1.5,7,5 +1.5,4,4 +1.5,8,2 +1.5,4,6 +1.5,4,4 +1.5,5,3 +1.5,8,4 +1.5,11,8 +1.5,7,8 +1.5,10,10 +1.5,6,7 +1.5,7,7 1.5,8,6 -1.5,6,5 -1.5,10,12 -1.5,4,3 +1.5,10,10 1.5,7,3 -1.5,8,7 -1.5,7,6 -1.5,5,3 -1.5,3,4 -1.5,8,9 -1.5,4,5 -1.5,10,14 -1.5,8,10 -1.5,9,17 -1.5,9,4 +1.5,12,12 +1.5,7,10 +1.5,7,4 +1.5,9,13 +1.5,3,3 +1.5,8,11 1.5,7,5 -1.5,11,12 -1.5,11,6 -1.5,10,15 -1.5,11,11 -1.5,9,3 +1.5,9,8 1.5,8,10 -1.5,13,15 -1.5,15,12 -1.5,6,7 -1.5,8,5 -1.5,13,12 -1.5,6,4 +1.5,10,4 +1.5,5,3 +1.5,5,5 +1.5,7,7 +1.5,10,3 +1.5,7,6 +1.5,9,5 +1.5,5,8 +1.5,7,3 +1.5,11,14 +1.5,11,11 +1.5,5,1 +1.5,11,12 +1.5,9,11 +1.5,3,0 +1.5,12,16 +1.5,6,7 +1.5,7,7 +1.5,8,0 +1.5,8,8 +1.5,14,5 +1.5,8,6 +1.5,6,3 +1.5,5,6 +1.5,7,6 +1.5,18,21 +1.5,11,9 +1.5,3,4 1.5,4,4 -1.5,7,8 +1.5,11,12 +1.5,9,5 +1.5,7,6 1.5,10,7 -1.5,10,8 -1.5,8,12 +1.5,13,8 +1.5,10,9 +1.5,7,7 +1.5,6,7 +1.5,8,13 +1.5,12,10 +1.5,5,9 1.5,5,6 -1.5,6,9 -1.5,3,5 -1.5,12,14 -1.5,9,8 -1.5,7,3 -1.5,6,6 -1.5,10,10 -1.5,8,3 -1.5,7,9 -1.5,7,9 -1.5,11,3 -1.5,7,6 -1.5,4,2 1.5,7,5 -1.5,6,4 1.5,9,8 +1.5,8,8 +1.5,7,8 1.5,4,1 -1.5,6,3 +1.5,11,8 +1.5,13,10 +1.5,4,6 +1.5,11,10 +1.5,8,8 +1.5,3,2 +1.5,15,14 1.5,11,7 -1.5,9,14 -1.5,10,6 -1.5,4,3 -1.5,16,17 -1.5,14,16 -1.5,7,9 -1.5,7,10 -1.5,4,4 -1.5,6,6 -1.5,7,8 -1.5,8,6 -1.5,4,2 -1.5,7,4 -1.5,2,1 -1.5,10,11 +1.5,9,3 +1.5,10,14 +1.5,11,5 1.5,7,6 -1.5,9,4 -1.5,9,9 -1.5,7,10 -1.5,10,10 -1.5,6,8 +1.5,8,9 1.5,8,6 -1.5,11,10 -1.5,11,13 -1.5,8,4 +1.5,10,10 +1.5,8,5 +1.5,9,10 +1.5,3,3 +1.5,10,11 +1.5,4,1 1.5,6,6 +1.5,9,19 1.5,5,3 +1.5,4,4 +1.5,5,6 1.5,4,1 -1.5,9,8 -1.5,4,3 -1.5,5,4 +1.5,10,9 +1.5,8,10 +1.5,13,7 +1.5,12,13 +1.5,10,7 +1.5,3,3 +1.5,11,7 +1.5,6,5 +1.5,10,9 +1.5,6,6 1.5,9,11 -1.5,6,2 -1.5,9,8 -1.5,6,2 -1.5,8,5 +1.5,2,0 +1.5,8,13 +1.5,6,8 +1.5,6,6 +1.5,8,9 +1.5,11,6 +1.5,8,2 +1.5,4,2 +1.5,10,6 +1.5,9,12 +1.5,8,15 +1.5,9,3 1.5,10,5 -1.5,5,7 -1.5,8,8 -1.5,12,7 -1.5,5,4 -1.5,5,3 -1.5,7,1 -1.5,8,10 -1.5,3,1 -1.5,9,8 -1.5,7,2 -1.5,7,4 1.5,9,6 -1.5,7,12 -1.5,8,7 1.5,7,7 -1.5,6,6 -1.5,5,6 1.5,7,7 -1.5,5,6 -1.5,9,9 -1.5,10,6 -1.5,9,6 -1.5,4,4 -1.5,6,4 -1.5,7,5 -1.5,8,4 -1.5,6,4 -1.5,8,4 -1.5,9,6 -1.5,13,17 1.5,8,5 -1.5,11,7 -1.5,9,5 -1.5,9,5 -1.5,12,10 -1.5,9,6 -1.5,10,10 -1.5,11,6 -1.5,6,4 -1.5,9,9 -1.5,7,5 -1.5,3,3 -1.5,10,7 -1.5,5,8 -1.5,18,14 -1.5,5,10 -1.5,6,4 -1.5,7,4 -1.5,7,10 +1.5,11,13 +1.5,9,10 +1.5,6,1 1.5,6,4 -1.5,7,11 -1.5,8,7 -1.5,9,8 -1.5,4,3 -1.5,10,6 -1.5,14,13 -1.5,7,8 -1.5,6,5 +1.5,9,4 +1.5,8,11 1.5,6,3 -1.5,12,9 +1.5,5,1 +1.5,10,9 +1.5,6,7 1.5,5,4 -1.5,10,17 -1.5,8,9 -1.5,7,2 -1.5,4,2 -1.5,9,3 -1.5,11,10 -1.5,6,4 -1.5,9,4 -1.5,18,17 -1.5,4,5 -1.5,8,5 -1.5,8,10 -1.5,7,3 -1.5,3,2 +1.5,5,3 +1.5,13,14 +1.5,12,14 +1.5,9,8 +1.5,6,5 +1.5,12,13 +1.5,8,7 +1.5,15,9 +1.5,13,10 +1.5,9,6 1.5,12,12 -1.5,9,4 -1.5,11,4 +1.5,9,12 +1.5,10,4 +1.5,6,7 1.5,11,11 -1.5,7,6 -1.5,6,3 -1.5,7,4 -1.5,4,2 -1.5,10,16 -1.5,12,11 -1.5,8,6 -1.5,11,8 -1.5,3,1 1.5,8,3 -1.5,11,2 -1.5,10,11 -1.5,10,7 -1.5,7,4 -1.5,4,4 -1.5,10,8 -1.5,12,15 -1.5,4,5 -1.5,7,6 1.5,7,6 -1.5,9,5 +1.5,11,7 +1.5,7,7 +1.5,7,9 +1.5,8,8 1.5,6,6 -1.5,8,6 -1.5,9,15 -1.5,7,8 -1.5,4,7 -1.5,7,6 -1.5,13,10 +1.5,10,10 1.5,8,7 +1.5,8,4 +1.5,9,5 +1.5,5,5 +1.5,7,3 +1.5,5,7 +1.5,11,14 +1.5,9,7 1.5,1,2 -1.5,8,3 -1.5,6,6 -1.5,4,4 -1.5,10,9 -1.5,6,2 -1.5,10,15 -1.5,12,9 -1.5,11,8 -1.5,4,5 -1.5,7,7 -1.5,8,7 -1.5,7,6 -1.5,10,10 -1.5,12,15 -1.5,7,5 -1.5,8,5 -1.5,6,2 -1.5,5,4 -1.5,3,0 -1.5,5,4 +1.5,8,8 1.5,6,4 -1.5,7,7 -1.5,4,6 -1.5,6,3 -1.5,13,10 -1.5,7,4 +1.5,7,8 +1.5,13,11 +1.5,7,8 +1.5,12,8 +1.5,4,3 +1.5,7,3 +1.5,7,5 +1.5,2,0 +1.5,12,8 +1.5,7,5 +1.5,8,7 +1.5,10,8 1.5,9,6 +1.5,7,5 +1.5,5,8 +1.5,9,15 +1.5,4,4 1.5,5,3 -1.5,8,13 -1.5,10,14 -1.5,11,12 -1.5,10,3 -1.5,10,11 -1.5,5,3 -1.5,6,4 -1.5,8,12 -1.5,11,11 1.5,9,7 -1.5,12,9 -1.5,3,2 -1.5,5,4 -1.5,4,6 -1.5,5,2 -1.5,6,6 -1.5,12,9 -1.5,7,7 +1.5,15,12 1.5,4,5 -1.5,8,6 -1.5,8,6 -1.5,10,7 1.5,11,5 -1.5,7,7 -1.5,13,8 -1.5,6,5 -1.5,13,7 -1.5,11,13 -1.5,6,0 -1.5,8,6 -1.5,12,10 -1.5,9,9 1.5,9,9 -1.5,9,7 -1.5,7,8 -1.5,7,7 -1.5,9,5 -1.5,5,5 -1.5,10,8 +1.5,5,4 +1.5,7,11 +1.5,10,11 +1.5,4,2 +1.5,8,7 +1.5,8,5 +1.5,10,6 +1.5,8,12 +1.5,6,6 1.5,11,7 -1.5,6,5 -1.5,10,3 -1.5,7,3 1.5,5,4 +1.5,9,14 1.5,7,4 -1.5,6,10 -1.5,15,17 -1.5,6,5 -1.5,6,7 -1.5,11,14 -1.5,13,13 -1.5,8,4 -1.5,5,4 -1.5,9,12 -1.5,5,4 -1.5,7,6 -1.5,6,5 -1.5,9,7 -1.5,10,8 1.5,10,10 -1.5,8,9 -1.5,6,10 -1.5,9,5 -1.5,5,4 +1.5,8,8 +1.5,3,4 +1.5,9,7 +1.5,9,7 1.5,6,5 -1.5,9,12 -1.5,6,4 -1.5,9,3 -1.5,4,3 -1.5,10,9 +1.5,9,8 +1.5,4,4 1.5,5,5 -1.5,7,6 -1.5,6,6 -1.5,8,9 -1.5,7,7 -1.5,7,12 -1.5,11,6 -1.5,6,3 -1.5,11,10 -1.5,11,10 -1.5,6,3 -1.5,6,7 -1.5,10,12 -1.5,14,8 -1.5,8,1 -1.5,8,4 -1.5,5,2 +1.5,7,8 +1.5,12,9 +1.5,13,6 +1.5,9,10 +1.5,7,5 1.5,8,6 -1.5,11,10 -1.5,4,1 -1.5,9,9 -1.5,4,3 -1.5,6,9 -1.5,5,5 -1.5,5,7 -1.5,5,0 +1.5,7,4 1.5,6,6 -1.5,9,8 -1.5,9,4 +1.5,15,9 +1.5,10,13 +1.5,7,8 +1.5,7,9 +1.5,4,3 1.5,7,9 -1.5,5,6 -1.5,9,5 1.5,12,7 -1.5,7,3 -1.5,11,7 -1.5,6,5 -1.5,9,8 -1.5,6,8 -1.5,7,8 -1.5,11,8 1.5,5,4 -1.5,7,11 -1.5,13,7 +1.5,8,9 1.5,9,9 -1.5,4,3 -1.5,5,6 -1.5,7,3 -1.5,6,3 -1.5,5,7 -1.5,7,12 -1.5,8,6 -1.5,3,3 -1.5,3,5 -1.5,5,1 -1.5,11,4 -1.5,5,7 -1.5,7,7 -1.5,8,5 +1.5,5,3 +1.5,11,13 +1.5,7,9 1.5,10,13 -1.5,7,4 +1.5,10,8 +1.5,9,11 +1.5,4,6 +1.5,6,8 +1.5,9,8 +1.5,12,15 +1.5,6,7 +1.5,9,5 1.5,11,12 -1.5,5,4 +1.5,8,4 1.5,4,2 -1.5,7,8 -1.5,7,4 -1.5,10,11 -1.5,8,8 -1.5,16,15 -1.5,7,5 -1.5,14,9 -1.5,7,8 -1.5,7,6 -1.5,11,4 -1.5,5,5 -1.5,10,12 -1.5,7,8 +1.5,9,3 1.5,5,5 -1.5,9,5 +1.5,3,2 +1.5,9,8 +1.5,2,5 +1.5,7,4 1.5,6,4 -1.5,4,4 -1.5,7,8 -1.5,15,11 -1.5,3,1 -1.5,4,3 +1.5,3,6 +1.5,7,4 1.5,7,5 -1.5,6,4 -1.5,8,9 -1.5,6,7 +1.5,13,13 +1.5,11,13 +1.5,13,10 +1.5,8,4 +1.5,6,1 +1.5,11,11 +1.5,9,6 +1.5,7,9 1.5,7,7 +1.5,8,5 +1.5,9,11 +1.5,2,4 +1.5,9,4 1.5,5,6 -1.5,8,4 +1.5,8,5 +1.5,6,2 +1.5,9,8 +1.5,5,1 1.5,5,8 +1.5,4,0 +1.5,7,5 +1.5,11,10 +1.5,5,7 +1.5,4,3 +1.5,8,8 +1.5,7,6 +1.5,12,7 1.5,4,1 +1.5,12,18 +1.5,4,4 +1.5,13,11 +1.5,3,4 +1.5,6,7 +1.5,7,11 +1.5,9,8 +1.5,8,8 +1.5,11,8 +1.5,9,5 +1.5,10,9 +1.5,13,13 +1.5,7,9 1.5,8,4 -1.5,7,3 -1.5,11,10 +1.5,5,5 +1.5,6,4 +1.5,12,14 +1.5,6,8 +1.5,7,6 +1.5,7,7 +1.5,6,7 +1.5,6,6 +1.5,8,6 +1.5,11,15 +1.5,10,6 +1.5,9,10 +1.5,5,5 +1.5,7,9 +1.5,5,10 +1.5,4,8 +1.5,8,6 +1.5,10,8 +1.5,10,7 1.5,8,9 +1.5,7,5 +1.5,10,9 +1.5,8,6 +1.5,4,2 +1.5,4,0 +1.5,5,6 +1.5,4,2 +1.5,8,7 +1.5,4,4 1.5,6,7 1.5,7,6 -1.5,2,0 -1.5,7,1 -1.5,7,3 -1.5,6,2 +1.5,11,7 +1.5,15,10 +1.5,10,13 +1.5,4,3 +1.5,9,5 +1.5,8,11 +1.5,12,11 +1.5,9,12 +1.5,8,5 +1.5,7,5 +1.5,8,7 +1.5,8,3 1.5,7,7 -1.5,11,14 -1.5,6,3 -1.5,9,7 -1.5,9,8 -1.5,8,8 -1.5,12,6 -1.5,13,13 +1.5,7,5 +1.5,4,4 +1.5,7,6 +1.5,7,5 1.5,8,5 +1.5,10,9 +1.5,4,3 +1.5,11,7 +1.5,11,7 +1.5,5,4 +1.5,4,2 +1.5,10,7 +1.5,7,4 +1.5,7,5 1.5,8,4 +1.5,7,7 1.5,5,5 -1.5,11,7 -1.5,3,3 -1.5,7,8 -1.5,9,9 -1.5,15,12 -1.5,6,5 +1.5,9,12 1.5,9,5 1.5,5,7 +1.5,8,14 +1.5,4,2 +1.5,4,4 +1.5,6,5 +1.5,4,5 +1.5,12,9 +1.5,7,5 1.5,10,9 -1.5,9,8 -1.5,5,3 +1.5,6,2 +1.5,8,6 +1.5,10,7 1.5,5,3 -1.5,6,10 +1.5,8,2 +1.5,11,8 +1.5,6,4 +1.5,5,4 +1.5,7,2 +1.5,2,5 +1.5,9,7 +1.5,7,5 +1.5,6,2 1.5,6,8 -1.5,8,12 -1.5,4,4 -1.5,2,1 -1.5,7,6 -1.5,5,3 -1.5,10,5 -1.5,7,11 1.5,9,8 -1.5,8,9 -1.5,14,16 -1.5,7,3 -1.5,5,3 -1.5,8,6 -1.5,8,4 -1.5,7,5 -1.5,10,6 +1.5,4,5 +1.5,14,14 +1.5,11,7 +1.5,7,4 +1.5,9,3 +1.5,6,6 +1.5,5,2 +1.5,6,6 +1.5,15,15 +1.5,8,11 +1.5,7,6 1.5,6,7 +1.5,7,8 +1.5,5,4 +1.5,9,11 1.5,8,7 +1.5,5,5 +1.5,5,2 +1.5,4,2 +1.5,7,7 +1.5,10,8 +1.5,11,13 +1.5,9,5 +1.5,6,7 +1.5,6,9 +1.5,5,1 +1.5,9,6 +1.5,9,5 +1.5,6,5 +1.5,7,6 +1.5,2,3 +1.5,7,8 +1.5,10,8 +1.5,8,8 +1.5,7,5 +1.5,12,11 +1.5,5,1 +1.5,1,1 +1.5,10,9 1.5,7,8 +1.5,9,11 +1.5,10,8 +1.5,7,6 1.5,9,8 -1.5,7,4 +1.5,8,10 +1.5,5,7 +1.5,10,13 +1.5,6,3 +1.5,11,8 +1.5,10,8 +1.5,6,6 +1.5,5,6 +1.5,5,7 +1.5,10,8 +1.5,3,2 +1.5,6,5 +1.5,6,6 1.5,8,5 -1.5,9,14 -1.5,9,5 -1.5,9,10 -1.5,12,14 -1.5,7,7 -1.5,7,1 +1.5,6,9 +1.5,6,2 1.5,6,5 -1.5,8,10 -1.5,8,12 -1.5,8,7 +1.5,12,14 +1.5,9,10 +1.5,8,6 +1.5,13,8 +1.5,8,13 +1.5,12,9 +1.5,5,2 +1.5,6,6 +1.5,9,6 +1.5,9,7 +1.5,5,4 +1.5,13,12 +1.5,9,13 +1.5,9,10 +1.5,8,8 +1.5,10,4 +1.5,7,9 +1.5,5,9 +1.5,9,10 +1.5,4,4 +1.5,8,5 +1.5,5,3 +1.5,7,5 +1.5,14,10 +1.5,5,4 +1.5,7,5 +1.5,5,4 1.5,11,10 +1.5,6,3 +1.5,11,14 +1.5,6,3 +1.5,6,7 1.5,11,11 -1.5,7,7 +1.5,5,3 +1.5,9,11 +1.5,6,4 +1.5,9,6 +1.5,9,5 +1.5,7,4 +1.5,6,7 +1.5,6,1 +1.5,10,7 +1.5,8,9 +1.5,9,4 1.5,6,3 -1.5,12,7 -1.5,1,0 -1.5,4,4 +1.5,12,9 +1.5,5,3 +1.5,4,3 +1.5,4,2 1.5,10,5 -1.5,7,6 -1.5,16,13 +1.5,11,7 +1.5,7,3 +1.5,9,9 1.5,6,4 -1.5,8,8 +1.5,11,9 +1.5,8,11 +1.5,8,7 +1.5,9,9 +1.5,2,0 1.5,11,5 -1.5,3,6 -1.5,4,2 -1.5,3,3 +1.5,9,9 1.5,7,9 -1.5,6,5 -1.5,4,2 +1.5,11,5 1.5,7,7 -1.5,8,6 -1.5,6,6 -1.5,10,6 -1.5,8,13 -1.5,9,11 -1.5,10,9 -1.5,5,4 -1.5,7,3 -1.5,10,12 -1.5,5,2 +1.5,13,11 +1.5,6,2 +1.5,6,7 +1.5,9,7 +1.5,6,5 +1.5,15,8 +1.5,4,1 1.5,7,4 -1.5,9,8 -1.5,6,3 -1.5,6,4 -1.5,9,10 -1.5,10,7 -1.5,4,0 -1.5,11,6 +1.5,8,8 +1.5,5,3 +1.5,10,8 +1.5,5,7 +1.5,8,10 +1.5,12,7 +1.5,9,6 +1.5,5,5 +1.5,9,7 +1.5,5,4 +1.5,12,12 +1.5,9,5 +1.5,3,4 +1.5,6,5 +1.5,5,4 +1.5,10,6 +1.5,6,8 1.5,11,10 +1.5,3,2 1.5,8,5 -1.5,6,3 -1.5,11,12 -1.5,4,1 -1.5,10,9 -1.5,8,3 -1.5,5,4 +1.5,8,5 +1.5,12,10 +1.5,11,8 +1.5,10,6 +1.5,6,5 +1.5,12,9 +1.5,9,5 +1.5,7,4 +1.5,10,6 +1.5,5,5 +1.5,7,4 +1.5,4,7 +1.5,5,8 +1.5,6,4 +1.5,5,7 +1.5,10,13 +1.5,9,14 +1.5,7,10 +1.5,8,6 +1.5,13,13 +1.5,5,2 1.5,6,5 -1.5,3,1 -1.5,6,7 -1.5,4,4 -1.5,4,3 +1.5,4,5 +1.5,5,2 +1.5,2,1 1.5,9,5 +1.5,12,9 +1.5,14,11 +1.5,6,10 +1.5,9,3 +1.5,8,8 +1.5,9,7 1.5,11,8 -1.5,5,8 +1.5,8,8 +1.5,13,15 +1.5,8,8 +1.5,7,2 +1.5,6,6 +1.5,6,7 +1.5,14,12 +1.5,9,6 +1.5,12,8 +1.5,9,12 +1.5,9,4 1.5,9,9 -1.5,7,6 -1.5,10,8 -1.5,8,5 -1.5,12,5 +1.5,3,0 1.5,9,11 -1.5,4,5 -1.5,10,9 -1.5,4,6 +1.5,3,2 1.5,9,11 -1.5,16,13 -1.5,8,6 -1.5,4,2 -1.5,3,0 -1.5,8,14 -1.5,8,2 -1.5,6,9 -1.5,7,6 -1.5,10,6 -1.5,14,17 -1.5,8,2 -1.5,9,10 -1.5,10,4 -1.5,8,5 -1.5,9,9 -1.5,7,3 -1.5,10,12 -1.5,10,5 -1.5,7,9 -1.5,3,3 -1.5,4,1 +1.5,8,10 +1.5,13,12 +1.5,11,12 1.5,8,7 -1.5,7,6 +1.5,6,3 +1.5,8,9 +1.5,10,13 +1.5,9,10 +1.5,12,12 1.5,7,4 -1.5,7,3 -1.5,7,6 +1.5,6,5 +1.5,7,9 +1.5,6,4 +1.5,9,9 +1.5,12,9 +1.5,9,10 1.5,6,6 -1.5,5,7 -1.5,14,14 1.5,5,6 -1.5,8,2 -1.5,10,9 +1.5,5,2 +1.5,9,9 +1.5,4,2 +1.5,3,1 +1.5,5,2 +1.5,4,5 1.5,9,10 -1.5,8,9 -1.5,6,4 +1.5,8,8 +1.5,7,3 +1.5,9,7 +1.5,9,13 +1.5,3,2 +1.5,4,3 1.5,6,7 -1.5,8,7 -1.5,6,8 +1.5,7,4 +1.5,5,5 1.5,7,2 -1.5,5,4 -1.5,9,10 -1.5,10,2 -1.5,8,10 1.5,15,8 1.5,5,5 -1.5,4,2 -1.5,9,9 -1.5,8,8 -1.5,7,3 -1.5,12,9 -1.5,11,11 -1.5,4,4 1.5,7,5 -1.5,7,7 -1.5,5,1 -1.5,8,8 -1.5,8,7 -1.5,10,15 -1.5,9,6 -1.5,7,6 -1.5,8,8 -1.5,5,2 -1.5,5,1 -1.5,7,4 -1.5,11,9 -1.5,4,4 -1.5,8,9 +1.5,8,5 +1.5,6,4 +1.5,6,4 1.5,9,7 -1.5,11,13 -1.5,12,6 -1.5,11,11 -1.5,8,9 -1.5,10,10 -1.5,8,13 -1.5,9,8 -1.5,9,13 -1.5,13,14 -1.5,8,6 -1.5,13,12 +1.5,9,12 +1.5,7,5 +1.5,9,11 1.5,5,3 -1.5,9,9 -1.5,12,7 +1.5,7,5 +1.5,11,12 +1.5,9,8 +1.5,8,10 +1.5,12,10 1.5,8,3 +1.5,8,8 +1.5,5,8 1.5,8,4 +1.5,12,6 +1.5,6,4 1.5,6,5 -1.5,8,11 -1.5,6,6 -1.5,9,9 -1.5,10,12 -1.5,10,8 +1.5,10,14 +1.5,5,9 +1.5,4,2 +1.5,6,5 +1.5,13,9 +1.5,12,11 +1.5,5,9 +1.5,6,5 +1.5,5,2 +1.5,10,16 +1.5,2,2 +1.5,10,11 +1.5,8,5 +1.5,11,7 +1.5,9,8 +1.5,11,8 1.5,5,4 -1.5,5,3 -1.5,6,7 +1.5,14,11 +1.5,8,11 +1.5,7,6 +1.5,7,6 +1.5,8,7 1.5,11,11 -1.5,6,4 -1.5,10,8 -1.5,9,8 -1.5,4,4 -1.5,7,4 -1.5,9,9 -1.5,7,11 1.5,8,7 -1.5,8,8 -1.5,11,5 -1.5,10,9 -1.5,4,4 -1.5,7,11 -1.5,10,11 -1.5,12,10 -1.5,6,3 -1.5,6,7 -1.5,5,1 -1.5,6,7 +1.5,15,18 +1.5,7,6 +1.5,12,8 +1.5,8,4 +1.5,6,6 1.5,9,7 -1.5,4,4 -1.5,7,12 -1.5,9,14 -1.5,9,4 -1.5,10,8 -1.5,10,13 -1.5,7,11 -1.5,3,3 +1.5,7,3 +1.5,12,15 +1.5,12,15 +1.5,9,6 1.5,9,8 -1.5,9,12 -1.5,10,9 -1.5,7,6 +1.5,6,6 +1.5,6,2 +1.5,11,8 +1.5,6,8 1.5,7,8 -1.5,8,8 -1.5,9,7 -1.5,5,3 -1.5,6,5 -1.5,3,5 -1.5,5,1 -1.5,5,8 -1.5,2,4 -1.5,9,5 -1.5,8,7 -1.5,5,1 1.5,10,11 -1.5,4,2 -1.5,8,14 -1.5,11,5 -1.5,6,4 -1.5,5,6 -1.5,11,11 -1.5,8,10 +1.5,8,13 +1.5,12,16 +1.5,8,6 +1.5,2,3 1.5,3,0 -1.5,12,12 -1.5,13,7 -1.5,3,1 -1.5,7,5 -1.5,15,16 -1.5,7,6 -1.5,6,6 -1.5,7,5 -1.5,10,10 -1.5,7,4 -1.5,6,7 -1.5,7,9 -1.5,8,5 +1.5,2,2 +1.5,10,9 +1.5,6,5 +1.5,5,5 +1.5,13,11 +1.5,4,4 +1.5,6,8 +1.5,14,9 +1.5,9,11 1.5,10,11 -1.5,6,4 -1.5,7,4 -1.5,6,1 -1.5,10,5 -1.5,9,7 -1.5,6,11 +1.5,10,10 +1.5,8,3 1.5,6,9 -1.5,4,1 -1.5,7,5 +1.5,9,9 +1.5,5,5 1.5,8,3 1.5,8,7 -1.5,10,10 -1.5,8,8 -1.5,9,5 -1.5,6,11 -1.5,7,5 +1.5,4,2 +1.5,8,7 +1.5,9,6 +1.5,13,11 1.5,10,5 -1.5,6,5 -1.5,9,8 -1.5,5,5 -1.5,7,9 -1.5,3,6 -1.5,7,6 1.5,6,6 -1.5,7,6 -1.5,8,9 -1.5,7,11 -1.5,8,9 -1.5,8,10 -1.5,11,9 -1.5,5,3 -1.5,6,3 -1.5,10,8 -1.5,8,2 -1.5,13,14 -1.5,5,5 -1.5,10,9 -1.5,8,8 -1.5,11,10 -1.5,6,7 -1.5,10,9 -1.5,10,9 -1.5,3,5 -1.5,9,10 -1.5,7,7 -1.5,11,11 -1.5,14,12 -1.5,12,13 -1.5,7,9 -1.5,6,11 -1.5,5,2 -1.5,6,5 -1.5,6,4 -1.5,8,3 -1.5,11,9 -1.5,11,11 -1.6,10,6 -1.6,7,5 -1.6,7,3 -1.6,11,10 -1.6,6,5 -1.6,11,10 -1.6,6,3 -1.6,5,8 -1.6,9,10 -1.6,8,10 -1.6,6,5 -1.6,7,8 -1.6,6,3 -1.6,7,11 -1.6,13,7 -1.6,6,5 -1.6,10,3 -1.6,6,4 +1.5,7,4 1.6,5,6 -1.6,9,6 -1.6,5,2 -1.6,9,7 -1.6,6,5 -1.6,10,11 -1.6,6,8 -1.6,12,11 -1.6,11,14 -1.6,6,8 -1.6,8,10 -1.6,8,11 -1.6,12,6 -1.6,6,7 -1.6,5,4 -1.6,6,4 -1.6,6,6 -1.6,2,1 -1.6,9,7 -1.6,8,3 -1.6,9,8 -1.6,14,10 -1.6,6,4 +1.6,4,6 +1.6,8,2 +1.6,4,2 +1.6,9,11 +1.6,7,3 +1.6,8,7 +1.6,3,1 +1.6,13,4 +1.6,7,4 +1.6,15,14 1.6,10,9 -1.6,10,11 -1.6,11,5 -1.6,13,7 -1.6,8,8 -1.6,3,5 -1.6,11,10 -1.6,6,7 -1.6,6,7 -1.6,5,1 -1.6,7,6 +1.6,7,4 +1.6,7,2 1.6,12,8 -1.6,3,8 -1.6,6,8 -1.6,7,7 -1.6,3,3 -1.6,8,6 -1.6,15,15 -1.6,10,9 -1.6,8,7 -1.6,8,4 -1.6,2,2 -1.6,10,4 -1.6,6,0 -1.6,6,7 1.6,5,7 -1.6,5,2 -1.6,5,8 -1.6,10,12 -1.6,8,5 -1.6,15,15 -1.6,11,8 -1.6,4,2 -1.6,15,17 -1.6,8,11 -1.6,4,2 +1.6,15,14 +1.6,12,14 +1.6,12,10 +1.6,7,3 +1.6,5,3 +1.6,9,16 +1.6,4,6 +1.6,9,10 +1.6,11,11 1.6,6,5 1.6,9,10 -1.6,11,5 -1.6,9,8 -1.6,4,2 +1.6,13,7 1.6,8,7 -1.6,8,4 -1.6,7,8 -1.6,9,6 -1.6,8,8 -1.6,5,3 -1.6,12,8 -1.6,9,7 -1.6,5,3 -1.6,6,1 -1.6,7,3 -1.6,9,5 -1.6,13,9 +1.6,12,12 1.6,8,5 -1.6,9,7 -1.6,9,12 -1.6,5,5 -1.6,7,7 -1.6,10,7 -1.6,12,8 -1.6,5,9 -1.6,12,7 -1.6,8,6 -1.6,9,7 -1.6,6,11 -1.6,6,2 -1.6,14,9 -1.6,8,11 -1.6,9,4 -1.6,5,5 -1.6,9,9 -1.6,9,6 -1.6,8,11 -1.6,7,8 -1.6,5,5 -1.6,9,4 -1.6,3,1 -1.6,10,8 -1.6,13,15 -1.6,11,6 -1.6,8,6 +1.6,7,5 1.6,6,6 -1.6,8,3 -1.6,12,8 -1.6,8,10 -1.6,8,7 -1.6,9,10 1.6,7,7 -1.6,12,10 -1.6,7,6 -1.6,6,2 +1.6,8,7 +1.6,6,3 +1.6,8,5 1.6,7,4 -1.6,6,6 +1.6,8,9 1.6,5,6 -1.6,11,5 -1.6,6,5 -1.6,7,13 -1.6,9,4 -1.6,9,7 -1.6,9,5 -1.6,4,3 -1.6,8,11 -1.6,7,4 -1.6,8,8 1.6,7,7 +1.6,12,10 1.6,6,6 -1.6,3,3 -1.6,10,4 -1.6,11,9 +1.6,8,7 +1.6,2,1 +1.6,7,3 +1.6,8,3 +1.6,7,0 +1.6,13,16 +1.6,8,7 +1.6,7,4 +1.6,9,5 +1.6,12,4 +1.6,13,9 +1.6,10,9 +1.6,4,1 +1.6,5,6 +1.6,11,11 +1.6,11,7 +1.6,10,14 +1.6,17,12 1.6,7,6 -1.6,9,4 1.6,6,6 -1.6,4,3 -1.6,8,5 -1.6,8,2 1.6,12,12 -1.6,7,13 -1.6,11,5 +1.6,7,2 +1.6,12,6 +1.6,10,13 +1.6,11,9 +1.6,3,2 +1.6,12,14 +1.6,5,5 +1.6,10,9 +1.6,9,10 +1.6,8,7 +1.6,4,3 +1.6,6,4 +1.6,7,11 +1.6,5,2 1.6,9,8 +1.6,3,7 +1.6,4,3 +1.6,7,7 1.6,7,4 +1.6,8,9 +1.6,5,4 +1.6,8,8 +1.6,6,11 1.6,10,10 +1.6,8,7 +1.6,5,4 +1.6,9,11 1.6,8,5 -1.6,5,8 -1.6,14,11 -1.6,7,8 -1.6,10,10 -1.6,6,2 -1.6,9,14 -1.6,11,10 -1.6,12,11 -1.6,10,11 -1.6,2,3 -1.6,7,6 -1.6,10,8 -1.6,6,3 -1.6,6,8 -1.6,9,13 -1.6,7,3 -1.6,6,2 -1.6,10,10 -1.6,7,6 -1.6,7,6 -1.6,11,7 1.6,10,14 -1.6,10,6 -1.6,12,8 -1.6,5,2 -1.6,12,7 -1.6,9,11 +1.6,7,5 +1.6,13,12 +1.6,4,3 +1.6,9,12 +1.6,7,4 1.6,11,8 -1.6,3,2 -1.6,10,5 -1.6,8,3 -1.6,8,8 1.6,9,11 -1.6,13,9 -1.6,15,9 +1.6,15,15 +1.6,5,3 +1.6,6,7 +1.6,7,4 1.6,5,4 -1.6,11,9 -1.6,8,5 1.6,7,5 -1.6,11,10 +1.6,4,1 +1.6,5,3 +1.6,10,8 +1.6,12,10 +1.6,5,6 +1.6,10,9 +1.6,7,12 +1.6,12,5 +1.6,9,8 +1.6,9,9 1.6,7,6 -1.6,8,10 -1.6,6,1 -1.6,8,8 -1.6,7,7 -1.6,10,12 -1.6,0,1 1.6,10,7 -1.6,7,7 -1.6,13,11 +1.6,10,10 +1.6,9,12 +1.6,6,2 +1.6,7,6 +1.6,13,9 +1.6,10,8 +1.6,4,5 +1.6,8,7 +1.6,8,9 +1.6,4,3 +1.6,6,8 +1.6,3,3 +1.6,9,8 +1.6,8,6 +1.6,14,17 +1.6,8,6 +1.6,9,12 +1.6,2,3 +1.6,9,9 +1.6,3,2 +1.6,8,7 +1.6,9,8 +1.6,12,15 1.6,8,10 -1.6,9,7 -1.6,11,13 +1.6,8,11 +1.6,10,9 +1.6,3,4 +1.6,9,6 +1.6,8,9 +1.6,6,9 +1.6,6,4 +1.6,12,12 1.6,8,5 -1.6,5,4 -1.6,8,7 +1.6,8,9 +1.6,10,9 +1.6,10,11 1.6,7,7 -1.6,10,8 -1.6,7,9 -1.6,11,6 -1.6,7,2 -1.6,9,11 1.6,7,3 -1.6,9,6 -1.6,11,14 -1.6,8,5 +1.6,5,7 +1.6,8,4 +1.6,14,7 +1.6,10,9 +1.6,6,2 +1.6,7,5 +1.6,4,3 +1.6,5,2 1.6,9,9 +1.6,6,3 +1.6,14,13 +1.6,6,5 1.6,5,2 +1.6,6,8 1.6,6,3 -1.6,8,4 -1.6,4,3 -1.6,6,9 -1.6,6,7 -1.6,2,2 +1.6,4,5 +1.6,7,7 +1.6,9,6 +1.6,7,5 +1.6,10,7 +1.6,8,5 1.6,9,8 -1.6,7,8 -1.6,10,8 -1.6,12,13 +1.6,10,4 +1.6,9,6 +1.6,5,4 +1.6,5,3 +1.6,9,6 +1.6,10,5 +1.6,13,19 +1.6,8,3 1.6,6,5 -1.6,3,2 -1.6,10,12 -1.6,9,11 -1.6,12,13 -1.6,8,6 -1.6,8,6 -1.6,5,5 -1.6,7,3 -1.6,14,10 -1.6,11,7 -1.6,11,5 +1.6,8,8 +1.6,7,5 1.6,5,1 -1.6,7,8 -1.6,8,4 -1.6,6,4 -1.6,10,2 +1.6,4,4 +1.6,11,8 +1.6,7,3 +1.6,6,6 +1.6,11,12 +1.6,5,9 +1.6,10,11 1.6,13,6 +1.6,4,5 +1.6,9,7 +1.6,7,3 +1.6,10,17 1.6,9,10 -1.6,14,16 +1.6,5,4 +1.6,11,13 +1.6,7,5 +1.6,8,6 +1.6,10,7 +1.6,6,4 +1.6,7,7 1.6,3,1 -1.6,12,12 -1.6,11,8 -1.6,8,16 -1.6,3,4 -1.6,6,2 -1.6,10,5 -1.6,16,17 1.6,4,4 -1.6,11,8 -1.6,13,9 -1.6,9,8 -1.6,5,3 +1.6,10,6 1.6,8,8 -1.6,7,4 -1.6,13,8 -1.6,6,9 -1.6,8,6 -1.6,4,6 -1.6,9,7 -1.6,12,14 -1.6,11,5 -1.6,8,10 -1.6,12,8 -1.6,6,8 -1.6,6,4 -1.6,10,9 -1.6,9,9 -1.6,6,8 -1.6,3,4 -1.6,6,3 -1.6,6,5 -1.6,7,12 -1.6,13,12 +1.6,11,14 1.6,6,4 -1.6,8,2 +1.6,7,6 +1.6,7,2 +1.6,9,2 +1.6,5,7 1.6,5,5 -1.6,4,4 -1.6,12,12 -1.6,1,2 -1.6,6,3 +1.6,9,11 +1.6,10,8 +1.6,6,8 +1.6,6,8 +1.6,6,6 +1.6,14,11 +1.6,13,11 +1.6,6,8 +1.6,9,6 +1.6,7,7 +1.6,9,6 +1.6,10,7 1.6,7,6 -1.6,6,3 -1.6,14,15 -1.6,12,7 -1.6,9,13 +1.6,10,13 +1.6,4,9 +1.6,10,11 +1.6,5,2 +1.6,6,9 +1.6,8,10 +1.6,8,13 +1.6,7,8 +1.6,5,3 +1.6,9,8 +1.6,3,3 +1.6,11,15 +1.6,8,9 +1.6,9,8 +1.6,5,4 1.6,8,6 -1.6,8,8 +1.6,6,0 +1.6,7,7 +1.6,7,9 +1.6,8,12 +1.6,10,11 +1.6,4,1 +1.6,5,3 +1.6,8,4 +1.6,11,15 +1.6,7,3 +1.6,12,9 1.6,8,6 +1.6,6,8 +1.6,7,8 +1.6,5,3 +1.6,10,6 +1.6,2,5 +1.6,9,10 1.6,9,8 -1.6,12,12 -1.6,8,7 -1.6,8,1 -1.6,8,10 +1.6,4,5 +1.6,7,6 1.6,5,7 -1.6,7,3 -1.6,7,4 -1.6,9,12 -1.6,6,6 -1.6,11,11 -1.6,6,3 -1.6,6,12 -1.6,8,5 -1.6,7,0 +1.6,9,9 1.6,6,5 +1.6,4,4 +1.6,11,11 +1.6,9,8 +1.6,10,5 +1.6,10,11 +1.6,9,9 +1.6,8,10 +1.6,14,14 1.6,4,3 -1.6,6,6 -1.6,6,6 -1.6,9,13 +1.6,5,5 +1.6,3,4 +1.6,11,12 +1.6,6,4 +1.6,9,8 +1.6,4,4 +1.6,6,4 +1.6,8,10 +1.6,11,12 1.6,9,13 -1.6,8,3 +1.6,8,5 +1.6,11,5 +1.6,7,3 1.6,6,3 1.6,7,9 -1.6,14,14 -1.6,9,8 +1.6,4,4 +1.6,8,6 +1.6,4,5 +1.6,5,4 +1.6,9,11 1.6,6,3 -1.6,6,8 -1.6,3,0 -1.6,17,14 -1.6,5,3 -1.6,7,7 +1.6,10,5 +1.6,8,11 +1.6,3,4 +1.6,5,6 +1.6,11,7 1.6,10,7 -1.6,16,15 -1.6,4,3 -1.6,11,13 -1.6,5,8 -1.6,9,8 -1.6,7,13 -1.6,6,7 -1.6,6,6 -1.6,6,11 -1.6,14,14 -1.6,6,7 -1.6,5,5 -1.6,5,4 -1.6,9,8 -1.6,13,15 -1.6,6,5 -1.6,6,9 -1.6,9,7 1.6,7,3 -1.6,2,0 -1.6,13,10 -1.6,13,9 -1.6,2,1 -1.6,7,6 -1.6,2,2 -1.6,11,10 +1.6,6,6 +1.6,9,16 +1.6,3,3 +1.6,5,3 1.6,9,13 -1.6,7,4 +1.6,5,7 +1.6,11,14 +1.6,5,5 +1.6,8,7 +1.6,6,10 +1.6,5,2 +1.6,5,5 +1.6,10,9 +1.6,8,4 +1.6,5,5 +1.6,7,8 +1.6,14,19 +1.6,5,6 +1.6,10,3 1.6,6,4 -1.6,9,7 -1.6,4,3 -1.6,12,11 -1.6,5,4 -1.6,4,4 1.6,8,7 -1.6,8,5 -1.6,5,3 -1.6,14,13 -1.6,12,5 -1.6,13,16 -1.6,15,9 1.6,8,4 -1.6,10,14 -1.6,11,13 -1.6,13,10 -1.6,6,7 -1.6,11,6 +1.6,9,10 +1.6,7,3 1.6,6,8 +1.6,11,11 +1.6,5,3 +1.6,4,2 1.6,5,6 -1.6,9,8 -1.6,13,15 -1.6,12,10 -1.6,5,4 -1.6,8,3 -1.6,4,5 +1.6,11,6 +1.6,6,4 +1.6,12,19 +1.6,9,10 +1.6,7,11 +1.6,16,22 +1.6,9,10 +1.6,7,8 +1.6,7,4 +1.6,13,10 +1.6,10,7 +1.6,4,4 1.6,7,10 -1.6,4,2 +1.6,7,7 +1.6,13,10 +1.6,10,10 +1.6,12,10 +1.6,8,10 +1.6,6,6 1.6,6,8 1.6,4,2 -1.6,5,10 -1.6,6,6 -1.6,5,10 -1.6,4,5 -1.6,7,7 -1.6,8,6 -1.6,5,4 -1.6,9,5 +1.6,9,9 +1.6,7,4 1.6,4,3 -1.6,12,11 -1.6,7,3 -1.6,7,10 -1.6,2,1 -1.6,7,9 1.6,11,9 -1.6,12,3 -1.6,8,7 -1.6,6,9 -1.6,9,4 +1.6,7,4 +1.6,6,8 1.6,12,12 -1.6,5,4 -1.6,8,6 -1.6,9,7 -1.6,10,10 1.6,7,4 -1.6,5,2 -1.6,13,10 -1.6,8,6 -1.6,9,2 -1.6,7,8 -1.6,7,5 -1.6,9,6 +1.6,2,2 +1.6,11,17 +1.6,9,8 +1.6,12,12 +1.6,7,6 +1.6,15,15 1.6,9,9 -1.6,6,6 -1.6,5,4 -1.6,5,5 -1.6,6,5 -1.6,4,5 -1.6,9,7 -1.6,8,5 1.6,10,11 -1.6,10,6 -1.6,5,7 -1.6,8,8 -1.6,8,10 -1.6,7,8 -1.6,4,4 -1.6,5,8 -1.6,5,5 +1.6,5,3 1.6,5,6 -1.6,6,4 -1.6,7,10 -1.6,6,5 -1.6,8,6 -1.6,4,5 -1.6,10,7 -1.6,5,2 -1.6,16,16 -1.6,3,3 -1.6,11,11 -1.6,15,12 -1.6,8,4 -1.6,9,13 -1.6,11,6 -1.6,10,5 +1.6,11,9 1.6,9,5 -1.6,9,6 -1.6,7,4 -1.6,6,9 -1.6,10,8 -1.6,13,11 -1.6,4,2 -1.6,8,8 -1.6,12,5 -1.6,10,10 -1.6,7,3 -1.6,9,8 -1.6,9,10 -1.6,7,5 -1.6,8,5 -1.6,14,16 -1.6,5,2 -1.6,13,12 -1.6,12,6 -1.6,13,10 -1.6,5,4 -1.6,8,7 -1.6,11,7 +1.6,7,9 +1.6,5,1 +1.6,7,6 +1.6,8,6 +1.6,8,10 +1.6,11,16 +1.6,9,3 1.6,8,3 -1.6,11,13 1.6,10,7 -1.6,10,11 -1.6,5,3 -1.6,8,4 -1.6,5,5 -1.6,6,4 +1.6,6,5 1.6,12,11 -1.6,6,3 -1.6,13,15 +1.6,9,6 +1.6,11,8 +1.6,10,5 +1.6,8,14 +1.6,10,5 +1.6,11,8 +1.6,11,11 +1.6,11,9 +1.6,8,6 +1.6,4,6 +1.6,5,6 1.6,7,5 -1.6,5,12 -1.6,5,5 -1.6,9,9 +1.6,5,2 +1.6,7,4 +1.6,9,11 1.6,10,6 -1.6,6,10 -1.6,8,2 -1.6,10,9 +1.6,6,7 +1.6,9,10 +1.6,7,6 +1.6,11,9 +1.6,6,5 +1.6,8,7 +1.6,7,11 +1.6,4,4 +1.6,8,5 +1.6,8,8 +1.6,9,6 1.6,7,8 -1.6,7,10 +1.6,2,4 +1.6,9,9 1.6,5,5 -1.6,11,18 -1.6,7,3 -1.6,8,8 -1.6,8,7 +1.6,7,5 +1.6,4,1 +1.6,4,3 +1.6,13,7 +1.6,5,7 +1.6,8,9 +1.6,6,3 +1.6,10,7 +1.6,7,10 1.6,6,4 -1.6,9,10 -1.6,2,3 -1.6,8,3 -1.6,5,3 -1.6,8,8 -1.6,9,8 -1.6,8,3 -1.6,8,5 -1.6,9,7 -1.6,7,1 1.6,4,5 -1.6,7,6 -1.6,8,7 -1.6,8,11 +1.6,9,8 1.6,9,7 -1.6,4,2 -1.6,9,11 -1.6,6,5 -1.6,9,14 1.6,6,5 1.6,10,6 -1.6,10,7 +1.6,15,10 1.6,8,6 -1.6,6,6 -1.6,5,8 -1.6,10,13 -1.6,12,12 -1.6,7,1 -1.6,8,11 -1.6,3,1 -1.6,5,2 -1.6,11,13 -1.6,7,5 -1.6,11,8 -1.6,9,11 -1.6,5,10 -1.6,10,10 +1.6,6,5 +1.6,3,3 +1.6,9,5 +1.6,4,3 +1.6,4,1 +1.6,11,11 +1.6,7,6 1.6,9,10 -1.6,8,7 -1.6,9,6 -1.6,16,14 -1.6,9,3 -1.6,8,11 -1.6,5,3 +1.6,7,8 1.6,13,11 -1.6,6,6 -1.6,4,5 -1.6,9,7 -1.6,13,9 -1.6,17,13 -1.6,11,12 1.6,7,6 -1.6,6,6 -1.6,5,3 -1.6,18,17 -1.6,9,8 -1.6,11,9 -1.6,5,4 -1.6,4,3 -1.6,7,7 -1.6,10,9 -1.6,9,9 -1.6,9,9 -1.6,11,6 -1.6,12,12 -1.6,8,4 -1.6,8,10 -1.6,7,4 -1.6,10,12 -1.6,5,2 -1.6,7,7 -1.6,7,4 -1.6,8,8 +1.6,11,4 +1.6,8,12 +1.6,4,8 +1.6,12,11 +1.6,10,5 +1.6,7,6 +1.6,9,5 1.6,7,5 -1.6,6,9 -1.6,10,8 -1.6,5,5 -1.6,5,5 -1.6,9,6 -1.6,5,2 -1.6,6,7 -1.6,9,6 +1.6,8,6 +1.6,3,3 +1.6,7,7 +1.6,7,2 1.6,5,7 -1.6,11,9 -1.6,8,3 -1.6,10,6 -1.6,7,5 -1.6,9,14 -1.6,9,7 -1.6,6,4 -1.6,13,11 +1.6,5,7 +1.6,6,5 +1.6,5,2 1.6,7,8 -1.6,10,8 -1.6,9,8 -1.6,6,7 -1.6,9,11 +1.6,4,6 +1.6,9,7 1.6,10,8 1.6,8,7 -1.6,8,10 -1.6,6,3 -1.6,6,2 -1.6,5,2 -1.6,10,8 -1.6,6,7 -1.6,8,8 1.6,6,8 -1.6,9,6 -1.6,9,7 +1.6,9,10 +1.6,8,9 +1.6,7,6 +1.6,8,7 +1.6,9,5 +1.6,6,5 +1.6,10,10 +1.6,9,5 1.6,9,7 -1.6,10,8 -1.6,8,5 -1.6,4,6 -1.6,2,0 +1.6,7,1 +1.6,13,15 +1.6,6,9 +1.6,5,8 +1.6,7,8 +1.6,12,12 +1.6,7,8 +1.6,6,4 +1.6,7,10 +1.6,5,7 1.6,6,4 -1.6,9,13 -1.6,8,6 -1.6,17,13 -1.6,9,9 -1.6,5,2 -1.6,4,4 1.6,7,5 -1.6,8,12 +1.6,11,9 +1.6,8,8 +1.6,10,8 +1.6,10,3 +1.6,3,2 +1.6,8,10 +1.6,9,9 +1.6,9,8 +1.6,11,10 +1.6,8,3 1.6,5,4 -1.6,6,9 -1.6,8,5 -1.6,8,5 -1.6,9,7 -1.6,7,6 -1.6,7,4 -1.6,6,5 -1.6,8,6 -1.6,12,11 -1.6,12,8 +1.6,6,4 +1.6,10,10 1.6,7,3 -1.6,12,9 -1.6,6,3 -1.6,15,16 -1.6,7,5 +1.6,1,2 +1.6,5,6 1.6,5,4 +1.6,9,17 +1.6,9,8 +1.6,12,13 +1.6,2,1 +1.6,5,8 +1.6,7,2 +1.6,9,6 +1.6,4,2 +1.6,7,7 1.6,7,6 -1.6,9,4 -1.6,7,3 -1.6,9,7 -1.6,8,3 -1.6,4,8 +1.6,4,5 +1.6,2,2 +1.6,13,11 +1.6,4,3 1.6,9,7 -1.6,13,5 -1.6,3,2 +1.6,12,11 +1.6,8,11 +1.6,3,5 +1.6,13,12 1.6,7,7 -1.6,5,1 -1.6,4,6 -1.6,9,5 -1.6,10,11 -1.6,7,6 -1.6,5,6 -1.6,10,8 -1.6,13,14 -1.6,4,2 -1.6,8,4 -1.6,3,1 -1.6,6,8 -1.6,13,13 1.6,7,8 -1.6,4,5 -1.6,8,8 -1.6,6,1 -1.6,8,4 -1.6,6,5 -1.6,9,12 -1.6,7,9 +1.6,12,7 +1.6,9,11 +1.6,6,7 +1.6,8,5 +1.6,9,11 +1.6,7,7 +1.6,12,14 +1.6,3,4 +1.6,12,9 +1.6,6,3 +1.6,11,10 +1.6,6,4 +1.6,16,24 +1.6,3,3 +1.6,11,5 +1.6,5,5 +1.6,7,3 +1.6,9,10 1.6,5,4 -1.6,9,8 +1.6,4,4 +1.6,7,4 1.6,6,3 -1.6,7,3 -1.6,5,7 -1.6,3,5 +1.6,12,9 +1.6,3,3 +1.6,9,12 +1.6,8,8 1.6,8,5 -1.6,7,2 -1.6,6,8 -1.6,11,9 -1.6,9,8 -1.6,12,10 -1.6,6,6 -1.6,6,4 -1.6,8,9 -1.6,7,5 1.6,6,9 -1.6,7,9 -1.6,6,7 -1.6,5,4 +1.6,10,11 +1.6,14,12 +1.6,8,3 +1.6,13,8 +1.6,10,5 1.6,6,3 +1.6,6,5 +1.6,9,12 +1.6,5,6 +1.6,8,1 +1.6,11,19 1.6,4,4 -1.6,11,10 -1.6,7,6 +1.6,8,4 +1.6,9,9 +1.6,9,6 1.6,10,6 +1.6,13,10 +1.6,8,5 1.6,9,7 -1.6,10,10 -1.6,9,11 +1.6,11,13 +1.6,10,11 +1.6,9,9 +1.6,8,10 +1.6,10,7 +1.6,10,8 +1.6,8,8 +1.6,8,13 1.6,4,4 -1.6,7,8 -1.6,8,4 +1.6,9,12 +1.6,5,2 +1.6,7,2 +1.6,11,6 +1.6,9,9 +1.6,11,6 +1.6,8,8 +1.6,7,6 +1.6,5,3 +1.6,10,12 +1.6,14,14 1.6,7,5 -1.6,5,5 -1.6,11,11 -1.6,12,6 -1.6,6,3 -1.6,12,6 -1.6,8,5 1.6,10,9 +1.6,7,5 1.6,6,7 +1.6,8,3 +1.6,7,5 +1.6,12,10 +1.6,7,6 +1.6,6,4 +1.6,9,14 1.6,10,7 -1.6,7,8 -1.6,8,5 +1.6,6,4 +1.6,9,5 +1.6,6,2 1.6,15,15 -1.6,8,12 1.6,8,4 -1.6,10,13 -1.6,5,2 -1.6,8,2 -1.6,11,13 +1.6,9,4 +1.6,5,4 +1.6,8,3 +1.6,10,9 +1.6,5,3 1.6,7,6 -1.6,10,16 -1.6,8,6 -1.6,10,5 -1.6,14,16 -1.6,8,4 -1.6,6,2 -1.6,9,8 -1.6,4,4 -1.6,11,4 -1.6,6,7 +1.6,7,9 +1.6,9,7 +1.6,12,8 +1.6,13,12 +1.6,8,9 1.6,7,8 -1.6,10,12 +1.6,6,4 +1.6,10,13 +1.6,7,8 +1.6,7,9 1.6,8,7 -1.6,9,7 -1.6,9,5 -1.6,2,2 +1.6,7,2 1.6,8,11 -1.6,6,6 -1.6,10,7 -1.6,4,6 -1.6,9,9 -1.6,3,2 +1.6,11,18 +1.6,10,16 +1.6,9,10 +1.6,8,11 +1.6,8,10 +1.6,8,7 +1.6,6,4 1.6,9,7 -1.6,6,8 -1.6,6,5 -1.6,1,0 -1.6,10,9 +1.6,11,14 +1.6,9,6 +1.6,10,12 +1.6,12,16 +1.6,9,7 +1.6,6,3 +1.6,14,17 +1.6,3,2 +1.6,10,12 +1.6,8,5 +1.6,4,4 +1.6,7,9 +1.6,9,5 +1.6,10,6 +1.6,10,5 +1.6,13,10 +1.6,3,1 +1.6,8,7 +1.6,9,11 +1.6,9,6 +1.6,8,6 +1.6,6,7 +1.6,5,6 1.6,11,11 -1.6,9,4 -1.6,7,3 -1.6,6,2 -1.6,10,11 -1.6,11,13 1.6,5,10 -1.6,9,11 +1.6,9,3 +1.6,2,3 +1.6,9,8 +1.6,5,3 +1.6,11,8 +1.6,7,7 +1.6,8,8 +1.6,10,5 +1.6,7,7 +1.6,8,12 +1.6,7,3 +1.6,6,5 +1.6,5,4 +1.6,9,12 +1.6,12,10 +1.6,7,5 1.6,7,6 -1.6,8,14 +1.6,6,6 +1.6,9,10 +1.6,8,6 1.6,7,9 -1.6,7,3 -1.6,4,3 -1.6,18,12 -1.6,4,7 -1.6,6,9 -1.6,6,4 -1.6,8,10 -1.6,5,5 -1.6,5,3 +1.6,8,9 1.6,7,4 -1.6,3,2 +1.6,9,8 +1.6,9,7 +1.6,9,9 1.6,9,5 -1.6,7,5 -1.6,10,7 -1.6,10,10 -1.6,7,7 -1.6,16,18 1.6,9,9 -1.6,6,3 -1.6,4,4 -1.6,4,3 -1.6,10,3 +1.6,8,6 +1.6,11,6 +1.6,6,5 +1.6,7,5 +1.6,14,6 1.6,9,5 -1.6,8,2 -1.6,6,3 +1.6,11,10 +1.6,6,4 +1.6,9,8 1.6,8,6 -1.6,8,3 -1.6,8,9 -1.6,7,4 +1.6,11,5 +1.6,14,13 +1.6,8,4 +1.6,7,12 +1.6,6,3 +1.6,7,7 1.6,6,8 -1.6,9,11 -1.6,2,2 -1.6,11,8 -1.6,5,7 +1.6,6,2 +1.6,9,8 +1.6,6,4 +1.6,5,8 +1.6,10,9 +1.6,4,9 +1.6,7,8 +1.6,10,9 +1.6,10,8 +1.6,11,11 +1.6,8,8 1.6,5,4 +1.6,13,14 +1.6,5,1 1.6,8,6 -1.6,13,7 -1.6,9,7 -1.6,8,8 -1.6,7,1 -1.6,12,13 -1.6,12,15 -1.6,10,13 -1.6,7,14 +1.6,7,5 +1.6,9,14 +1.6,15,10 +1.6,4,3 +1.6,5,1 +1.6,7,5 1.6,6,5 -1.6,9,9 +1.6,9,6 +1.6,7,3 +1.6,12,11 +1.6,5,3 +1.6,2,1 +1.6,11,8 +1.6,4,3 +1.6,8,7 +1.6,7,4 +1.6,6,3 +1.6,8,6 +1.6,8,8 1.6,6,6 -1.6,2,3 +1.6,4,1 +1.6,10,10 +1.6,10,12 +1.6,8,7 +1.6,5,6 +1.6,9,8 1.6,8,4 1.6,6,5 -1.6,6,5 -1.6,8,6 -1.6,6,4 -1.6,3,2 -1.6,14,6 -1.6,12,12 +1.6,9,6 +1.6,10,13 +1.6,5,6 +1.6,9,8 +1.6,10,10 +1.6,10,3 +1.6,7,3 +1.6,9,7 +1.6,5,4 +1.6,7,11 +1.6,5,3 +1.6,6,6 +1.6,5,3 1.6,10,5 -1.6,7,10 -1.6,8,2 +1.6,12,14 +1.6,10,9 1.6,13,19 -1.6,6,3 -1.6,8,14 -1.6,10,11 -1.6,11,14 -1.6,10,11 -1.6,9,7 +1.6,10,9 +1.6,8,11 +1.6,7,8 1.6,4,2 -1.6,13,16 -1.6,8,8 -1.6,9,10 -1.6,14,11 -1.6,2,5 -1.6,8,8 -1.6,3,6 -1.6,11,10 -1.6,8,7 -1.6,7,6 +1.6,6,9 1.6,8,6 +1.6,13,7 +1.6,8,6 +1.6,6,7 +1.6,7,9 +1.6,10,7 +1.6,12,15 +1.6,9,6 +1.6,5,5 1.6,8,4 +1.6,12,13 +1.6,10,12 +1.6,5,7 +1.6,5,7 +1.6,10,10 +1.6,6,3 +1.6,7,8 +1.6,11,6 +1.6,7,2 +1.6,12,7 +1.6,7,8 +1.6,4,3 +1.6,7,3 +1.6,7,3 +1.6,9,9 +1.6,8,14 +1.6,10,8 +1.6,5,6 +1.6,12,17 1.6,9,13 +1.6,7,7 +1.6,10,5 +1.6,13,9 +1.6,5,7 +1.6,10,6 +1.6,3,0 +1.6,12,9 +1.6,11,7 +1.6,6,4 +1.6,8,5 +1.6,7,6 +1.6,11,10 +1.6,7,5 +1.6,6,4 +1.6,3,3 1.6,5,5 -1.6,8,8 +1.6,10,8 +1.6,16,11 +1.6,6,4 +1.6,4,7 1.6,9,9 -1.6,16,10 -1.6,9,8 +1.6,6,1 +1.6,7,6 +1.6,9,7 +1.6,7,2 +1.6,4,6 +1.6,4,5 +1.6,11,7 +1.6,4,3 +1.6,11,8 +1.6,6,4 +1.6,6,10 +1.6,6,4 +1.6,8,6 +1.6,10,14 1.6,7,8 -1.6,8,4 +1.6,11,11 +1.6,10,6 +1.6,12,11 +1.6,7,5 1.6,5,4 -1.6,3,3 -1.6,6,10 -1.6,7,4 -1.6,8,5 -1.6,7,4 -1.6,7,6 -1.6,12,8 -1.6,8,9 -1.6,9,9 +1.6,8,12 1.6,8,5 +1.6,4,3 +1.6,10,7 +1.6,7,3 +1.6,5,1 +1.6,6,6 +1.6,5,8 +1.6,3,1 +1.6,9,6 +1.6,8,7 1.6,8,9 -1.6,5,5 +1.6,10,14 +1.6,7,6 +1.6,13,4 +1.6,7,6 +1.6,7,11 +1.6,15,15 1.6,11,6 -1.6,8,5 -1.6,16,12 -1.6,11,7 -1.6,7,5 +1.6,10,5 +1.6,5,3 +1.6,8,3 1.6,9,5 -1.6,6,4 -1.6,10,10 -1.6,8,10 -1.6,8,8 -1.6,13,12 -1.6,8,6 -1.6,10,9 -1.6,11,10 -1.6,10,7 -1.6,7,10 -1.6,11,9 +1.6,7,3 1.6,8,6 -1.6,3,2 -1.6,9,8 -1.6,7,8 -1.6,2,0 -1.6,5,4 -1.6,5,6 +1.6,4,4 1.6,4,5 +1.6,11,8 +1.6,6,4 +1.6,9,8 +1.6,13,10 +1.6,7,5 +1.6,3,4 1.6,5,6 -1.6,7,6 -1.6,9,11 -1.6,11,12 -1.6,4,4 -1.6,3,2 -1.6,7,9 -1.6,5,2 -1.6,8,8 -1.6,12,13 -1.6,9,10 -1.6,8,5 -1.6,6,8 +1.6,11,13 1.6,9,5 -1.6,4,4 1.6,6,2 -1.6,3,2 -1.6,6,3 -1.6,7,11 -1.6,10,5 -1.6,9,6 -1.6,9,7 -1.6,11,9 -1.6,12,9 +1.6,13,15 1.6,5,3 -1.6,7,10 +1.6,11,11 +1.6,14,20 +1.6,9,10 +1.6,6,8 +1.6,5,7 +1.6,5,1 1.6,7,5 -1.6,9,6 -1.6,6,10 +1.6,11,4 +1.6,6,7 +1.6,7,11 +1.6,13,13 +1.6,8,8 1.6,6,6 +1.6,12,10 +1.6,6,9 +1.6,9,10 +1.6,6,3 +1.6,9,8 +1.6,11,5 +1.6,11,6 +1.6,10,6 +1.6,5,3 +1.6,4,4 +1.6,7,6 +1.6,8,6 +1.6,14,23 +1.6,10,8 +1.6,9,9 +1.6,12,6 +1.6,12,7 +1.6,6,5 +1.6,5,8 +1.6,5,2 +1.6,9,5 +1.6,9,7 +1.6,4,3 +1.6,5,3 +1.6,8,15 +1.6,6,7 +1.6,5,2 +1.6,15,11 +1.6,11,10 +1.6,8,3 +1.6,7,3 +1.6,6,5 +1.6,10,7 +1.6,7,7 +1.6,6,7 +1.6,8,9 +1.6,5,5 +1.6,1,2 +1.6,2,1 +1.6,10,8 +1.6,7,3 +1.6,5,4 +1.6,10,10 +1.6,11,12 +1.6,8,10 +1.6,9,7 +1.6,5,4 +1.6,8,9 +1.6,9,5 +1.6,14,10 +1.6,9,10 +1.6,9,9 +1.6,15,9 +1.6,8,9 +1.6,6,4 +1.6,8,3 1.6,7,6 -1.6,5,2 -1.6,5,6 -1.6,13,11 -1.6,4,3 -1.6,5,5 +1.6,12,11 +1.6,11,6 1.6,6,3 -1.6,5,6 -1.6,7,4 -1.6,5,9 -1.6,9,8 -1.6,4,5 -1.6,9,4 -1.6,10,7 -1.6,3,5 -1.6,14,11 1.6,6,10 -1.6,10,10 -1.6,2,2 -1.6,8,4 -1.6,3,3 -1.6,6,4 +1.6,4,1 1.6,5,5 -1.6,10,8 -1.6,6,5 -1.6,5,6 -1.6,2,0 +1.6,7,9 +1.6,7,13 +1.6,3,3 1.6,10,5 -1.6,9,5 -1.6,3,0 -1.6,8,4 -1.6,12,9 +1.6,10,10 1.6,8,8 -1.6,11,10 -1.6,8,5 -1.6,13,9 -1.6,11,8 -1.6,12,9 -1.6,12,9 -1.6,9,8 -1.6,6,4 -1.6,11,7 -1.6,10,6 -1.6,8,6 -1.6,10,12 1.6,7,5 -1.6,6,10 +1.6,7,8 +1.6,5,5 1.6,6,5 -1.6,7,6 -1.6,7,2 -1.6,11,9 -1.6,10,6 -1.6,7,7 -1.6,8,9 +1.6,10,7 +1.6,5,3 +1.6,6,10 1.6,8,6 -1.6,7,6 +1.6,9,9 +1.6,6,3 +1.6,9,6 +1.6,7,5 1.6,6,6 -1.6,11,10 -1.6,1,1 -1.6,8,6 -1.6,15,13 +1.6,9,8 +1.6,7,3 +1.6,11,13 +1.6,8,4 +1.6,8,8 +1.6,9,4 +1.6,8,9 +1.6,9,7 +1.6,11,11 +1.6,3,5 +1.6,8,4 1.6,5,4 -1.6,10,4 -1.6,7,4 -1.6,6,10 -1.6,13,10 -1.6,9,5 -1.6,8,11 -1.7,12,9 -1.7,6,6 -1.7,11,10 -1.7,10,11 -1.7,6,8 -1.7,4,6 +1.6,12,9 +1.6,15,15 +1.6,13,11 +1.6,4,2 +1.6,7,5 +1.6,6,5 +1.7,7,5 +1.7,5,3 +1.7,8,6 1.7,10,8 -1.7,7,7 -1.7,9,9 -1.7,7,11 -1.7,14,14 -1.7,8,9 -1.7,8,2 +1.7,4,3 1.7,6,7 -1.7,2,2 -1.7,6,4 -1.7,5,8 -1.7,9,10 -1.7,7,7 -1.7,9,6 -1.7,7,9 -1.7,11,9 -1.7,8,7 -1.7,8,10 -1.7,8,7 -1.7,6,6 -1.7,7,5 -1.7,7,7 -1.7,8,13 -1.7,11,10 -1.7,9,9 -1.7,1,0 -1.7,6,6 -1.7,13,12 -1.7,11,15 -1.7,7,6 -1.7,10,12 -1.7,11,8 -1.7,0,1 -1.7,7,12 -1.7,6,8 -1.7,9,12 -1.7,7,6 -1.7,5,1 1.7,8,8 -1.7,6,2 -1.7,4,8 -1.7,11,10 -1.7,6,4 -1.7,12,11 -1.7,4,5 -1.7,6,5 -1.7,1,0 -1.7,9,10 -1.7,12,14 +1.7,7,10 1.7,5,5 -1.7,5,4 -1.7,9,7 -1.7,9,8 1.7,7,8 -1.7,7,6 -1.7,9,7 -1.7,8,6 -1.7,5,3 -1.7,6,6 -1.7,9,9 -1.7,6,4 -1.7,9,8 -1.7,6,4 -1.7,9,6 -1.7,8,7 -1.7,5,5 -1.7,6,5 -1.7,14,13 -1.7,7,5 -1.7,7,4 -1.7,7,4 -1.7,10,8 -1.7,9,11 -1.7,7,4 -1.7,8,13 -1.7,7,5 -1.7,8,6 -1.7,6,6 -1.7,7,2 -1.7,9,11 -1.7,8,10 -1.7,7,3 -1.7,9,9 -1.7,9,8 -1.7,14,12 -1.7,8,7 +1.7,9,13 +1.7,2,1 +1.7,8,3 +1.7,13,9 1.7,7,3 -1.7,10,5 -1.7,7,7 -1.7,10,10 -1.7,6,7 -1.7,7,7 -1.7,7,6 -1.7,11,8 -1.7,5,6 -1.7,9,2 -1.7,14,14 -1.7,7,9 -1.7,7,4 -1.7,7,8 -1.7,2,4 -1.7,9,9 -1.7,8,1 -1.7,6,10 -1.7,6,4 -1.7,7,4 -1.7,11,8 -1.7,4,3 -1.7,8,10 +1.7,5,8 +1.7,10,14 +1.7,9,6 +1.7,6,3 1.7,14,10 -1.7,10,16 -1.7,10,9 -1.7,13,15 -1.7,9,9 +1.7,8,6 1.7,6,5 -1.7,7,10 -1.7,7,3 -1.7,11,5 -1.7,14,10 -1.7,7,9 -1.7,11,9 -1.7,7,6 -1.7,6,8 -1.7,13,11 -1.7,10,12 -1.7,10,6 -1.7,7,8 -1.7,8,8 -1.7,7,5 -1.7,12,10 -1.7,11,13 -1.7,7,8 -1.7,9,11 -1.7,7,5 -1.7,8,10 -1.7,1,1 -1.7,11,11 -1.7,5,10 -1.7,10,8 -1.7,9,12 -1.7,12,8 -1.7,6,6 -1.7,5,5 -1.7,7,6 -1.7,6,6 -1.7,9,6 -1.7,5,10 -1.7,19,12 -1.7,4,0 -1.7,7,8 -1.7,5,2 -1.7,7,9 -1.7,8,5 1.7,5,5 -1.7,4,6 -1.7,5,5 -1.7,4,2 -1.7,6,8 -1.7,4,7 -1.7,7,3 -1.7,8,5 +1.7,10,17 +1.7,10,3 +1.7,9,5 +1.7,10,10 +1.7,8,12 +1.7,10,8 +1.7,1,0 +1.7,12,14 +1.7,13,15 +1.7,12,9 +1.7,6,2 +1.7,8,3 1.7,8,7 -1.7,11,11 1.7,10,10 +1.7,5,4 +1.7,6,4 +1.7,12,12 1.7,6,4 -1.7,9,9 -1.7,6,5 -1.7,5,2 -1.7,8,8 -1.7,10,10 -1.7,5,3 -1.7,6,8 -1.7,6,9 -1.7,6,5 1.7,12,10 -1.7,14,13 -1.7,10,8 -1.7,10,2 -1.7,9,9 -1.7,11,10 -1.7,5,2 -1.7,10,7 -1.7,12,15 -1.7,9,9 -1.7,15,10 -1.7,10,8 +1.7,12,9 +1.7,8,5 +1.7,12,23 1.7,4,2 -1.7,7,5 -1.7,12,7 -1.7,7,6 -1.7,9,6 -1.7,5,3 -1.7,11,8 -1.7,6,9 -1.7,6,7 -1.7,12,7 -1.7,12,14 1.7,7,7 -1.7,11,6 +1.7,12,6 +1.7,10,13 +1.7,13,14 1.7,10,7 +1.7,1,2 +1.7,9,6 1.7,4,3 -1.7,9,10 -1.7,10,14 -1.7,7,1 -1.7,8,8 -1.7,4,2 -1.7,9,5 +1.7,10,13 +1.7,13,11 +1.7,11,7 +1.7,5,4 +1.7,11,4 +1.7,7,5 1.7,5,3 -1.7,6,3 -1.7,9,13 -1.7,7,7 -1.7,11,6 -1.7,6,2 +1.7,17,19 +1.7,10,11 +1.7,7,5 1.7,8,7 -1.7,7,6 -1.7,13,19 -1.7,9,6 1.7,8,8 -1.7,5,2 -1.7,4,2 -1.7,8,10 1.7,4,5 -1.7,6,4 -1.7,13,13 -1.7,7,6 1.7,4,5 -1.7,9,3 -1.7,9,7 -1.7,7,8 -1.7,8,14 -1.7,9,10 -1.7,5,5 -1.7,8,13 -1.7,10,8 -1.7,7,11 -1.7,6,1 -1.7,17,6 1.7,9,10 -1.7,7,3 -1.7,7,13 +1.7,10,11 +1.7,6,9 +1.7,10,7 +1.7,6,3 +1.7,5,7 +1.7,14,9 1.7,6,6 -1.7,6,11 -1.7,7,6 -1.7,11,12 -1.7,6,2 -1.7,10,12 -1.7,9,10 1.7,9,5 -1.7,11,10 -1.7,14,14 -1.7,9,10 -1.7,7,5 -1.7,4,1 -1.7,5,2 +1.7,7,4 +1.7,6,5 1.7,5,1 -1.7,9,6 -1.7,9,6 -1.7,4,3 -1.7,12,7 -1.7,8,10 -1.7,8,5 -1.7,9,6 -1.7,13,10 +1.7,8,11 +1.7,8,7 +1.7,9,5 +1.7,10,14 +1.7,9,4 +1.7,11,17 +1.7,4,2 +1.7,17,17 +1.7,9,5 1.7,10,10 -1.7,11,8 +1.7,9,8 +1.7,12,8 +1.7,4,4 1.7,7,7 -1.7,9,7 -1.7,7,9 -1.7,8,4 -1.7,14,8 -1.7,8,7 +1.7,12,13 +1.7,10,10 1.7,7,7 -1.7,7,6 -1.7,6,5 -1.7,15,11 +1.7,9,8 +1.7,11,16 +1.7,3,2 +1.7,18,16 1.7,6,6 -1.7,8,7 -1.7,10,9 -1.7,5,3 -1.7,7,6 -1.7,9,9 -1.7,11,6 +1.7,10,10 1.7,8,6 -1.7,14,14 -1.7,7,7 +1.7,7,8 +1.7,9,10 +1.7,11,14 +1.7,17,14 +1.7,5,7 +1.7,13,11 +1.7,10,5 +1.7,9,7 +1.7,5,10 +1.7,5,5 +1.7,8,4 +1.7,4,2 +1.7,7,8 +1.7,12,11 1.7,11,7 -1.7,4,5 +1.7,7,11 +1.7,11,2 +1.7,8,4 +1.7,9,6 +1.7,7,6 +1.7,8,10 +1.7,9,11 +1.7,5,10 +1.7,6,4 +1.7,8,6 +1.7,9,4 +1.7,4,2 +1.7,6,9 +1.7,10,5 +1.7,9,4 1.7,7,4 -1.7,8,8 +1.7,10,6 +1.7,8,9 +1.7,7,10 +1.7,7,5 1.7,8,10 +1.7,5,4 +1.7,9,5 +1.7,7,11 +1.7,12,6 +1.7,3,2 +1.7,9,8 +1.7,13,18 +1.7,12,14 +1.7,15,22 +1.7,10,5 +1.7,11,8 +1.7,10,11 +1.7,8,6 +1.7,7,7 +1.7,10,8 +1.7,8,6 +1.7,8,5 +1.7,3,4 +1.7,9,5 +1.7,11,10 +1.7,5,7 +1.7,11,7 +1.7,9,13 +1.7,13,10 1.7,7,5 +1.7,13,15 +1.7,10,10 +1.7,9,4 +1.7,15,13 +1.7,12,4 +1.7,6,4 +1.7,10,5 +1.7,8,2 +1.7,8,6 +1.7,8,12 +1.7,9,11 1.7,8,9 -1.7,9,5 -1.7,6,6 +1.7,3,2 +1.7,7,8 +1.7,9,12 1.7,13,6 +1.7,12,10 +1.7,14,19 +1.7,5,7 +1.7,9,5 +1.7,7,7 +1.7,8,5 +1.7,3,6 +1.7,9,8 +1.7,8,8 +1.7,8,15 +1.7,9,4 +1.7,10,15 +1.7,10,5 1.7,6,6 +1.7,3,4 +1.7,12,12 +1.7,10,6 +1.7,7,3 +1.7,13,15 +1.7,7,7 +1.7,9,7 +1.7,14,13 +1.7,8,10 +1.7,5,5 +1.7,5,7 +1.7,8,4 +1.7,9,12 +1.7,9,5 +1.7,7,8 +1.7,8,7 1.7,5,5 +1.7,7,8 +1.7,9,7 +1.7,6,6 +1.7,5,2 +1.7,8,6 +1.7,11,10 +1.7,8,8 +1.7,6,5 +1.7,10,4 +1.7,7,6 +1.7,11,6 +1.7,6,4 +1.7,10,7 +1.7,5,1 +1.7,11,10 +1.7,9,9 +1.7,8,4 +1.7,10,7 +1.7,11,10 +1.7,8,7 1.7,9,8 -1.7,20,15 +1.7,11,13 +1.7,5,9 +1.7,7,8 +1.7,4,3 +1.7,11,5 +1.7,5,2 +1.7,14,8 +1.7,10,8 +1.7,10,11 +1.7,8,11 1.7,9,7 -1.7,12,12 +1.7,9,3 1.7,9,4 -1.7,7,9 +1.7,6,8 +1.7,8,8 +1.7,10,3 +1.7,5,3 1.7,9,7 -1.7,5,6 -1.7,4,2 -1.7,9,8 -1.7,10,6 -1.7,2,2 -1.7,12,7 -1.7,9,9 -1.7,12,5 -1.7,5,4 -1.7,7,6 +1.7,9,7 +1.7,7,3 +1.7,6,1 1.7,7,4 -1.7,12,10 +1.7,14,17 1.7,4,5 -1.7,15,15 +1.7,7,7 +1.7,6,7 +1.7,6,9 +1.7,10,6 +1.7,2,0 1.7,11,8 -1.7,8,9 -1.7,3,2 -1.7,10,5 -1.7,4,5 -1.7,10,7 1.7,4,5 -1.7,10,9 -1.7,13,11 -1.7,6,3 -1.7,4,7 1.7,4,9 -1.7,7,8 -1.7,2,2 +1.7,9,11 +1.7,8,2 +1.7,10,6 +1.7,6,6 +1.7,10,8 +1.7,4,4 +1.7,14,10 +1.7,8,5 +1.7,8,10 +1.7,7,9 +1.7,7,7 1.7,6,3 -1.7,9,7 +1.7,12,8 +1.7,12,5 +1.7,10,7 +1.7,3,4 +1.7,12,13 +1.7,12,13 +1.7,9,10 +1.7,12,11 +1.7,8,10 +1.7,4,9 +1.7,6,4 +1.7,5,4 +1.7,10,7 +1.7,6,8 +1.7,7,5 +1.7,6,2 +1.7,7,5 +1.7,10,10 +1.7,6,7 +1.7,5,3 +1.7,10,8 +1.7,9,15 +1.7,4,2 +1.7,5,4 +1.7,15,14 +1.7,9,13 +1.7,7,6 +1.7,4,3 +1.7,10,7 +1.7,9,11 +1.7,8,3 +1.7,12,9 +1.7,10,4 1.7,4,4 +1.7,7,7 +1.7,3,2 1.7,6,6 -1.7,9,10 -1.7,6,5 -1.7,7,9 1.7,7,7 1.7,7,5 -1.7,8,7 -1.7,9,7 +1.7,6,3 +1.7,8,9 +1.7,3,1 +1.7,11,11 +1.7,12,9 +1.7,13,17 +1.7,13,10 +1.7,10,10 +1.7,8,6 +1.7,4,5 +1.7,7,7 1.7,5,7 -1.7,4,4 -1.7,13,16 -1.7,5,5 +1.7,8,9 +1.7,6,4 +1.7,11,8 +1.7,8,10 +1.7,9,6 1.7,6,5 -1.7,10,12 +1.7,11,8 +1.7,3,5 +1.7,9,5 1.7,6,5 -1.7,9,11 -1.7,15,10 +1.7,7,5 +1.7,4,1 +1.7,8,9 +1.7,2,2 +1.7,7,7 +1.7,3,2 +1.7,8,3 +1.7,8,6 +1.7,4,5 +1.7,13,13 +1.7,9,10 1.7,4,3 -1.7,15,6 -1.7,6,4 -1.7,10,12 -1.7,7,4 -1.7,11,15 +1.7,9,8 1.7,7,5 -1.7,9,9 -1.7,7,6 +1.7,11,12 +1.7,7,7 +1.7,8,5 +1.7,5,4 +1.7,9,11 +1.7,10,7 +1.7,6,5 +1.7,10,16 +1.7,6,6 +1.7,13,11 +1.7,6,6 +1.7,8,6 +1.7,13,13 1.7,6,7 -1.7,12,15 +1.7,6,8 +1.7,6,5 +1.7,6,2 +1.7,9,10 +1.7,6,9 +1.7,12,6 +1.7,5,2 +1.7,11,13 1.7,10,7 -1.7,9,15 -1.7,7,5 +1.7,17,14 +1.7,9,7 1.7,7,6 -1.7,4,4 -1.7,9,13 1.7,9,5 -1.7,7,4 -1.7,11,13 -1.7,10,7 -1.7,5,4 -1.7,8,11 -1.7,5,5 -1.7,5,4 -1.7,5,5 +1.7,8,7 1.7,5,2 -1.7,14,20 -1.7,10,5 -1.7,9,3 -1.7,6,4 +1.7,13,20 +1.7,9,6 1.7,5,3 -1.7,7,6 -1.7,8,6 -1.7,7,5 1.7,9,8 -1.7,11,12 -1.7,9,15 +1.7,5,4 +1.7,6,9 +1.7,4,4 1.7,8,8 -1.7,9,4 -1.7,9,14 -1.7,6,6 -1.7,8,5 -1.7,7,1 -1.7,7,3 -1.7,9,6 -1.7,3,2 -1.7,9,8 -1.7,7,2 -1.7,11,12 +1.7,12,8 +1.7,12,12 +1.7,5,6 +1.7,7,8 +1.7,8,15 1.7,4,3 -1.7,10,6 -1.7,9,4 -1.7,6,5 -1.7,9,10 -1.7,6,5 -1.7,10,11 -1.7,3,2 -1.7,13,19 -1.7,9,6 -1.7,11,9 -1.7,14,17 1.7,8,7 -1.7,12,5 -1.7,7,9 -1.7,7,6 -1.7,9,9 -1.7,7,7 -1.7,8,10 -1.7,5,7 -1.7,8,8 -1.7,2,1 -1.7,7,7 -1.7,7,8 -1.7,10,10 -1.7,8,6 -1.7,17,17 +1.7,6,9 +1.7,9,13 1.7,5,5 -1.7,8,9 -1.7,11,9 -1.7,12,12 -1.7,9,10 -1.7,8,5 -1.7,10,6 -1.7,15,9 -1.7,9,8 -1.7,8,7 -1.7,8,7 -1.7,13,15 -1.7,8,9 1.7,9,7 -1.7,12,18 -1.7,8,4 -1.7,14,12 -1.7,10,9 -1.7,12,14 +1.7,13,13 +1.7,10,16 1.7,7,4 -1.7,11,9 -1.7,8,11 -1.7,6,4 -1.7,9,8 -1.7,11,11 -1.7,7,8 -1.7,13,17 -1.7,12,14 +1.7,8,3 +1.7,9,4 +1.7,9,11 1.7,7,5 1.7,9,4 -1.7,3,3 -1.7,12,8 +1.7,5,2 1.7,10,6 -1.7,6,7 -1.7,6,4 -1.7,12,12 -1.7,13,9 -1.7,10,11 -1.7,10,8 -1.7,6,3 +1.7,6,2 +1.7,13,13 1.7,6,6 -1.7,8,14 -1.7,8,5 +1.7,13,12 +1.7,4,2 +1.7,8,4 +1.7,8,6 +1.7,7,5 +1.7,12,8 +1.7,9,10 +1.7,10,14 +1.7,6,10 +1.7,13,8 +1.7,13,9 +1.7,8,7 +1.7,11,6 +1.7,6,7 1.7,5,5 +1.7,8,11 +1.7,10,12 +1.7,6,9 1.7,11,6 -1.7,8,9 -1.7,8,4 1.7,9,10 -1.7,9,7 -1.7,10,13 -1.7,10,13 -1.7,7,7 -1.7,10,11 -1.7,7,8 -1.7,14,9 -1.7,10,15 -1.7,8,8 +1.7,8,3 +1.7,8,12 1.7,6,2 -1.7,12,6 -1.7,13,11 -1.7,8,4 -1.7,6,4 -1.7,5,8 -1.7,10,5 -1.7,3,4 -1.7,9,3 -1.7,10,12 -1.7,5,2 -1.7,7,7 -1.7,11,7 1.7,8,5 -1.7,15,7 -1.7,7,7 -1.7,11,7 -1.7,4,4 -1.7,5,7 -1.7,10,11 -1.7,10,2 -1.7,8,11 -1.7,7,7 -1.7,7,5 -1.7,8,13 -1.7,7,7 -1.7,10,8 -1.7,8,9 -1.7,6,6 -1.7,12,8 -1.7,15,17 -1.7,7,4 -1.7,13,15 -1.7,6,5 1.7,8,6 -1.7,9,7 -1.7,4,1 -1.7,9,6 -1.7,5,2 +1.7,4,8 1.7,10,10 +1.7,7,4 +1.7,9,13 +1.7,10,12 +1.7,10,10 +1.7,9,12 +1.7,9,12 +1.7,9,11 +1.7,5,5 +1.7,10,8 +1.7,12,14 +1.7,10,8 +1.7,9,3 +1.7,10,5 +1.7,7,5 +1.7,11,14 +1.7,3,3 1.7,7,7 -1.7,11,12 -1.7,8,8 -1.7,12,11 -1.7,5,2 +1.7,2,2 1.7,8,10 -1.7,10,8 -1.7,8,8 -1.7,8,11 -1.7,5,10 -1.7,10,11 -1.7,6,4 -1.7,11,11 -1.7,4,1 -1.7,6,7 -1.7,4,2 -1.7,5,1 -1.7,7,8 -1.7,8,12 1.7,4,5 -1.7,7,6 +1.7,4,3 +1.7,3,4 +1.7,8,6 +1.7,6,6 +1.7,9,11 +1.7,4,1 1.7,7,3 -1.7,8,5 -1.7,5,5 -1.7,11,4 -1.7,13,13 -1.7,6,3 -1.7,7,8 -1.7,11,8 -1.7,8,5 -1.7,9,13 +1.7,11,12 +1.7,5,7 +1.7,9,9 +1.7,8,7 +1.7,9,5 +1.7,4,4 1.7,5,4 -1.7,8,2 -1.7,7,9 -1.7,7,6 -1.7,10,12 -1.7,5,3 +1.7,10,6 1.7,6,3 +1.7,10,10 +1.7,6,9 +1.7,10,11 +1.7,6,7 1.7,9,11 -1.7,9,13 -1.7,12,7 -1.7,11,9 -1.7,9,8 -1.7,17,9 -1.7,3,4 -1.7,6,5 -1.7,10,7 -1.7,7,8 -1.7,11,14 -1.7,9,4 -1.7,6,5 -1.7,15,13 -1.7,5,4 -1.7,13,15 -1.7,11,9 -1.7,4,3 -1.7,5,1 -1.7,5,8 -1.7,2,3 -1.7,9,6 -1.7,10,4 -1.7,6,5 -1.7,9,8 -1.7,10,8 -1.7,9,8 -1.7,11,6 -1.7,8,5 -1.7,10,6 -1.7,9,9 1.7,6,3 -1.7,8,8 -1.7,7,3 -1.7,5,2 -1.7,1,1 -1.7,9,8 -1.7,11,8 -1.7,6,1 -1.7,11,8 -1.7,8,4 -1.7,8,8 -1.7,4,5 -1.7,13,9 -1.7,7,7 -1.7,9,3 -1.7,12,19 -1.7,10,6 -1.7,4,2 -1.7,11,5 -1.7,13,15 1.7,7,4 -1.7,5,6 -1.7,11,10 -1.7,14,9 -1.7,4,4 -1.7,4,5 -1.7,8,7 -1.7,3,2 -1.7,13,11 -1.7,6,4 -1.7,2,2 -1.7,4,5 -1.7,7,7 -1.7,9,8 -1.7,12,17 -1.7,6,9 -1.7,4,4 +1.7,9,9 +1.7,12,6 +1.7,8,9 1.7,8,6 -1.7,15,17 -1.7,3,5 +1.7,7,6 +1.7,8,5 +1.7,8,10 1.7,7,10 -1.7,3,0 -1.7,13,8 -1.7,9,8 -1.7,3,2 -1.7,12,11 +1.7,6,5 +1.7,6,7 +1.7,7,6 +1.7,6,2 1.7,5,7 -1.7,8,7 -1.7,10,9 +1.7,9,6 +1.7,6,2 +1.7,7,2 +1.7,10,10 +1.7,13,7 +1.7,4,3 +1.7,7,3 +1.7,5,2 +1.7,5,7 +1.7,6,5 +1.7,6,4 +1.7,5,5 +1.7,9,11 +1.7,10,13 +1.7,5,9 1.7,10,7 -1.7,5,8 -1.7,8,9 +1.7,8,5 +1.7,10,3 1.7,8,6 -1.7,11,7 -1.7,8,10 -1.7,15,21 -1.7,14,12 -1.7,12,10 +1.7,10,11 +1.7,12,15 +1.7,5,6 +1.7,11,9 +1.7,10,13 +1.7,8,9 +1.7,7,14 +1.7,8,5 1.7,8,10 -1.7,11,13 +1.7,3,3 +1.7,8,6 +1.7,8,5 +1.7,11,11 +1.7,6,5 +1.7,10,7 +1.7,5,6 +1.7,14,16 1.7,7,5 +1.7,8,6 +1.7,13,15 +1.7,9,6 +1.7,9,7 1.7,13,8 -1.7,10,8 +1.7,5,3 +1.7,8,13 +1.7,10,7 1.7,6,4 -1.7,6,5 +1.7,15,21 +1.7,8,8 +1.7,6,10 +1.7,11,11 +1.7,6,7 +1.7,7,6 +1.7,7,2 +1.7,11,12 +1.7,13,9 +1.7,8,5 +1.7,2,1 +1.7,17,13 +1.7,4,1 +1.7,11,12 +1.7,7,7 +1.7,6,2 +1.7,6,2 +1.7,7,6 +1.7,9,10 +1.7,9,3 +1.7,11,5 +1.7,8,8 +1.7,7,8 +1.7,9,7 1.7,6,5 1.7,7,9 -1.7,9,6 -1.7,4,6 -1.7,11,7 -1.7,6,9 -1.7,15,12 -1.7,4,1 +1.7,9,7 +1.7,11,8 +1.7,8,8 +1.7,8,11 +1.7,7,3 +1.7,12,4 +1.7,11,12 +1.7,8,12 +1.7,14,15 +1.7,11,5 +1.7,11,8 +1.7,9,11 +1.7,7,2 +1.7,14,9 +1.7,3,6 +1.7,9,4 1.7,12,10 +1.7,8,7 +1.7,6,6 +1.7,9,6 +1.7,8,8 1.7,7,6 +1.7,10,6 +1.7,8,7 +1.7,8,7 +1.7,5,3 +1.7,15,14 1.7,8,6 -1.7,6,5 -1.7,6,4 -1.7,9,13 +1.7,8,13 1.7,8,5 -1.7,8,7 -1.7,7,11 -1.7,9,14 +1.7,4,3 +1.7,4,3 +1.7,10,8 +1.7,10,5 +1.7,7,6 +1.7,4,4 1.7,8,6 -1.7,5,2 -1.7,7,10 -1.7,9,6 +1.7,5,10 +1.7,10,7 +1.7,5,6 +1.7,4,4 +1.7,6,9 +1.7,11,5 1.7,6,4 -1.7,6,0 -1.7,5,5 -1.7,5,5 1.7,8,8 -1.7,7,9 -1.7,13,10 -1.7,1,0 -1.7,4,6 -1.7,9,11 -1.7,9,2 -1.7,7,8 -1.7,10,13 -1.7,10,8 -1.7,7,6 -1.7,13,18 -1.7,9,14 -1.7,6,7 +1.7,8,11 +1.7,11,8 +1.7,5,0 1.7,8,7 -1.7,9,6 -1.7,7,12 -1.7,5,4 -1.7,12,10 -1.7,12,15 -1.7,7,12 -1.7,7,7 -1.7,10,3 -1.7,5,9 -1.7,9,10 -1.7,11,6 -1.7,8,9 -1.7,8,6 -1.7,10,11 -1.7,9,6 -1.7,12,7 -1.7,7,8 +1.7,7,5 +1.7,4,8 +1.7,5,7 +1.7,2,2 +1.7,5,3 1.7,8,7 1.7,8,5 -1.7,4,6 -1.7,9,7 -1.7,10,9 -1.7,9,4 +1.7,2,4 +1.7,5,6 +1.7,9,6 +1.7,8,5 +1.7,9,9 1.7,11,9 -1.7,8,6 -1.7,4,2 -1.7,8,6 -1.7,9,8 -1.7,5,3 -1.7,10,11 -1.7,9,13 -1.7,6,3 -1.7,9,5 -1.7,3,4 -1.7,5,3 -1.7,9,11 1.7,6,8 -1.7,9,5 -1.7,10,4 +1.7,11,7 +1.7,8,5 +1.7,10,16 +1.7,5,9 +1.7,3,1 +1.7,7,6 +1.7,9,8 +1.7,5,5 +1.7,7,3 +1.7,7,7 +1.7,5,7 1.7,6,4 -1.7,8,7 +1.7,6,2 +1.7,11,12 +1.7,7,7 +1.7,6,6 +1.7,6,4 +1.7,10,3 +1.7,11,8 +1.7,12,6 +1.7,9,5 +1.7,12,4 +1.7,10,10 1.7,6,5 -1.7,5,6 -1.7,7,9 -1.7,7,8 -1.7,13,3 -1.7,8,8 -1.7,8,3 -1.7,5,6 -1.7,5,1 -1.7,12,13 -1.7,9,8 -1.7,12,7 -1.7,7,9 -1.7,7,5 -1.7,9,9 -1.7,9,10 -1.7,5,6 +1.7,8,7 +1.7,12,14 1.7,9,6 -1.7,10,12 -1.7,11,11 -1.7,13,15 +1.7,10,7 +1.7,12,12 +1.7,4,6 +1.7,9,9 1.7,11,6 +1.7,11,14 +1.7,9,5 +1.7,6,3 +1.7,9,13 +1.7,11,13 1.7,10,5 -1.7,3,4 +1.7,7,3 +1.7,7,6 1.7,10,10 -1.7,5,7 -1.7,6,6 -1.7,7,7 -1.7,11,5 -1.7,11,7 -1.7,12,11 -1.7,10,11 -1.7,3,2 -1.7,7,8 +1.7,14,9 +1.7,5,3 +1.7,13,12 1.7,8,8 -1.7,7,3 -1.7,5,1 -1.7,8,7 -1.7,8,6 +1.7,7,5 +1.7,7,6 +1.7,6,6 +1.7,9,3 1.7,10,10 -1.7,7,4 -1.7,9,11 -1.7,6,10 -1.7,3,5 -1.7,9,6 -1.7,9,7 1.7,6,5 +1.7,6,4 +1.7,12,13 1.7,9,9 -1.7,5,5 +1.7,11,9 1.7,5,6 -1.7,8,8 1.7,9,7 -1.7,10,8 -1.7,8,10 +1.7,8,6 +1.7,12,15 +1.7,7,1 +1.7,9,9 +1.7,10,10 +1.7,12,12 +1.7,9,8 +1.7,5,4 +1.7,5,5 +1.7,9,11 +1.7,10,7 +1.7,12,14 +1.7,11,8 +1.7,12,10 +1.7,6,6 +1.7,5,4 +1.7,6,4 +1.7,5,7 +1.7,6,9 +1.7,15,14 +1.7,12,11 +1.7,3,4 +1.7,13,8 +1.7,7,9 1.7,6,8 -1.7,8,3 -1.7,7,5 -1.7,13,13 +1.7,13,11 +1.7,5,4 +1.7,10,11 +1.7,16,15 +1.7,7,10 1.7,8,7 +1.7,6,4 +1.7,8,8 +1.7,15,14 1.7,9,9 +1.7,11,11 +1.7,5,6 +1.7,10,12 +1.7,7,5 1.7,5,4 -1.7,8,9 -1.7,7,3 +1.7,5,3 +1.7,7,5 +1.7,19,15 +1.7,9,9 1.7,4,1 +1.7,3,4 +1.7,11,6 1.7,8,6 -1.7,14,8 -1.7,6,6 -1.7,9,8 +1.7,9,9 +1.7,13,16 +1.7,6,5 +1.7,8,3 +1.7,11,4 +1.7,14,9 1.7,5,4 -1.7,12,12 -1.7,8,9 -1.7,7,2 +1.7,7,10 +1.7,5,5 +1.7,9,8 +1.7,7,9 +1.7,7,4 +1.7,9,12 +1.7,8,7 1.7,2,3 -1.7,5,4 -1.7,3,3 -1.7,8,3 -1.7,6,6 -1.7,6,6 +1.7,8,5 +1.7,10,11 +1.7,12,9 +1.7,9,9 +1.7,11,9 +1.7,5,7 +1.7,7,8 1.7,10,6 +1.7,8,6 +1.7,12,7 +1.7,9,5 +1.7,16,9 +1.7,8,6 +1.7,11,9 +1.7,8,5 +1.7,6,6 +1.7,6,1 1.7,9,6 -1.7,11,7 -1.7,9,6 +1.7,12,7 1.7,13,8 -1.7,10,12 -1.7,15,14 -1.7,10,9 -1.7,7,3 -1.7,9,5 +1.7,10,7 +1.7,5,4 +1.7,10,6 1.7,6,4 -1.7,7,5 +1.7,4,4 +1.7,14,10 +1.7,12,15 +1.7,15,9 +1.7,8,6 +1.7,9,7 +1.7,10,11 1.7,7,6 -1.7,13,6 -1.7,6,2 -1.7,12,12 -1.7,8,3 +1.7,7,5 +1.7,9,10 +1.7,10,7 +1.7,6,5 +1.7,9,10 +1.7,10,8 1.7,10,11 -1.7,8,9 -1.7,4,5 -1.7,13,15 +1.7,12,7 +1.7,5,3 1.7,6,4 1.7,8,3 -1.7,4,9 -1.7,8,9 -1.7,5,4 -1.7,7,11 -1.7,7,11 -1.7,10,7 -1.7,13,7 +1.7,7,4 +1.7,3,3 +1.7,6,3 1.7,9,6 -1.7,10,7 -1.7,9,5 -1.7,5,5 -1.7,10,5 -1.7,6,5 -1.7,10,13 -1.7,5,9 -1.7,10,5 -1.7,8,8 -1.7,6,14 -1.7,5,4 -1.7,6,6 -1.7,3,1 -1.7,3,4 -1.7,9,8 1.7,9,6 -1.7,6,3 +1.7,11,11 +1.7,5,1 +1.7,2,1 +1.7,14,10 +1.7,5,2 +1.7,9,7 +1.7,7,2 +1.7,7,7 1.7,6,4 -1.7,4,6 -1.7,14,8 -1.7,9,9 -1.7,18,12 -1.7,1,2 1.7,12,12 -1.7,8,5 -1.7,7,5 +1.7,10,12 +1.7,5,5 +1.7,10,12 1.7,5,4 -1.7,10,5 1.7,9,7 -1.7,9,10 -1.7,6,8 -1.7,3,7 -1.7,3,4 +1.7,6,7 +1.7,8,6 1.7,12,11 -1.7,2,3 -1.7,8,3 -1.7,7,14 -1.7,11,11 -1.7,10,11 -1.7,11,8 -1.7,7,1 -1.7,14,11 -1.7,11,10 -1.7,10,14 -1.7,9,12 -1.7,6,4 -1.7,7,4 -1.7,10,8 -1.7,9,10 -1.7,7,9 -1.7,9,8 -1.7,7,5 -1.7,7,4 -1.7,11,5 -1.7,10,8 -1.7,13,12 -1.7,6,5 +1.7,10,5 1.7,6,9 -1.7,10,12 -1.7,10,10 -1.7,8,9 -1.7,13,15 -1.7,7,5 -1.7,10,10 -1.7,14,14 -1.7,3,5 +1.7,7,2 +1.7,9,9 +1.7,9,9 1.7,8,7 -1.7,16,11 -1.7,9,8 -1.7,12,16 -1.7,9,7 -1.7,6,6 -1.7,5,3 -1.7,6,5 +1.7,10,13 +1.7,10,7 +1.7,12,9 +1.7,4,4 +1.7,7,6 +1.7,6,2 +1.7,5,1 1.7,12,11 +1.7,10,10 +1.7,5,6 +1.7,6,3 1.7,11,10 -1.7,7,3 -1.7,11,12 +1.7,13,12 +1.7,5,1 1.7,6,5 -1.7,5,7 -1.7,6,4 -1.7,9,11 -1.7,9,8 +1.7,8,12 +1.7,6,3 +1.7,15,12 +1.7,4,4 +1.7,8,8 +1.7,12,12 +1.7,9,6 +1.7,10,6 +1.7,14,14 +1.7,6,2 +1.7,15,21 +1.7,10,7 +1.7,4,4 +1.7,15,8 +1.7,5,3 1.7,9,11 -1.7,8,6 -1.7,12,6 -1.7,8,6 1.7,9,6 -1.7,5,6 -1.7,5,6 -1.7,12,9 -1.7,5,8 -1.7,6,5 +1.7,14,13 +1.7,13,18 +1.7,9,4 +1.7,6,3 +1.7,13,11 +1.7,14,13 +1.7,10,10 +1.7,6,9 +1.7,4,2 +1.7,6,3 +1.7,5,5 +1.7,7,5 +1.7,6,9 +1.7,11,15 +1.7,8,3 +1.7,9,5 +1.7,8,9 +1.7,3,2 +1.7,7,3 +1.7,7,4 1.7,7,8 -1.7,9,10 +1.7,9,7 1.7,4,4 1.7,6,5 +1.7,4,5 +1.7,6,6 +1.7,13,10 +1.7,7,5 +1.7,6,8 +1.7,9,10 +1.7,5,3 +1.7,5,3 +1.7,14,9 +1.7,7,6 +1.7,7,9 +1.7,4,2 1.7,8,7 -1.7,10,9 -1.7,13,6 +1.7,10,5 +1.7,8,7 +1.7,11,5 +1.7,8,6 +1.7,8,4 +1.7,8,5 1.7,10,7 +1.7,11,12 1.7,6,7 -1.7,9,6 -1.7,10,14 -1.7,9,6 -1.7,16,11 -1.7,4,7 -1.7,9,10 -1.7,5,2 -1.7,8,7 -1.7,11,11 1.7,8,8 +1.7,7,4 +1.7,9,9 +1.7,7,5 1.7,10,8 +1.7,9,8 +1.7,7,1 +1.7,7,5 +1.7,9,5 +1.7,9,9 +1.7,8,6 +1.7,9,12 +1.7,15,17 +1.7,4,4 +1.7,10,7 +1.7,11,5 +1.7,11,13 +1.7,11,8 +1.7,13,9 +1.7,10,7 +1.7,8,3 +1.7,9,9 +1.7,5,7 +1.7,9,7 +1.7,10,7 1.7,8,5 -1.7,8,10 -1.7,7,7 -1.7,10,9 -1.7,6,7 +1.7,1,2 +1.7,8,6 +1.7,9,3 +1.7,7,6 +1.7,10,13 1.7,11,9 1.7,6,6 -1.7,10,6 -1.7,7,7 -1.7,8,8 +1.7,11,17 +1.7,4,5 1.7,8,4 -1.7,8,8 -1.7,13,15 -1.7,12,11 -1.7,10,10 -1.7,5,6 -1.7,11,11 -1.7,12,8 +1.7,13,8 1.7,5,4 -1.7,6,2 -1.7,13,6 -1.7,11,13 +1.7,8,3 +1.7,13,17 +1.7,6,7 +1.7,3,2 +1.7,8,13 +1.7,9,12 1.7,5,4 -1.7,6,5 +1.7,9,11 +1.7,11,6 +1.7,5,2 +1.7,6,8 +1.7,7,6 1.7,6,6 -1.7,5,5 -1.7,8,7 +1.7,2,5 +1.7,5,4 +1.7,7,5 +1.7,13,18 +1.7,10,15 +1.7,3,3 +1.7,4,6 +1.7,11,7 +1.7,11,8 +1.7,13,13 +1.7,7,7 +1.7,10,9 +1.7,6,11 +1.7,6,2 +1.7,9,13 +1.7,6,8 +1.7,9,4 +1.7,7,4 +1.7,8,8 +1.7,13,12 +1.7,9,4 +1.7,4,2 +1.7,8,3 +1.7,11,10 1.7,6,5 -1.7,10,10 -1.7,11,12 -1.8,4,5 -1.8,8,9 -1.8,12,17 -1.8,10,8 -1.8,6,6 -1.8,9,9 -1.8,10,4 -1.8,7,3 -1.8,6,14 -1.8,5,2 -1.8,12,15 -1.8,7,11 -1.8,6,8 -1.8,10,10 -1.8,10,5 -1.8,7,9 -1.8,5,3 -1.8,15,13 -1.8,5,3 -1.8,8,10 -1.8,6,5 -1.8,8,9 -1.8,11,10 -1.8,6,8 -1.8,10,13 -1.8,7,4 -1.8,6,7 -1.8,9,11 -1.8,4,1 -1.8,6,4 -1.8,6,5 -1.8,9,9 -1.8,9,2 -1.8,8,11 -1.8,8,9 -1.8,4,1 -1.8,11,8 -1.8,7,5 -1.8,8,7 -1.8,12,16 -1.8,10,10 -1.8,9,12 -1.8,8,6 -1.8,8,5 -1.8,9,9 -1.8,5,5 -1.8,6,2 -1.8,5,3 -1.8,9,4 -1.8,8,6 -1.8,8,5 -1.8,13,12 -1.8,4,6 -1.8,8,8 -1.8,10,8 -1.8,14,7 -1.8,10,9 -1.8,11,9 -1.8,5,5 -1.8,3,3 -1.8,7,3 -1.8,9,4 -1.8,8,5 -1.8,3,0 -1.8,9,5 -1.8,13,13 -1.8,12,8 -1.8,8,8 -1.8,7,8 -1.8,15,15 -1.8,6,6 -1.8,13,7 -1.8,10,10 -1.8,12,12 -1.8,9,6 -1.8,12,18 -1.8,11,9 -1.8,7,4 -1.8,15,15 -1.8,5,2 -1.8,10,11 -1.8,10,11 -1.8,8,6 -1.8,7,5 -1.8,12,8 -1.8,6,4 -1.8,2,2 -1.8,9,6 -1.8,7,7 -1.8,10,6 -1.8,12,16 -1.8,11,10 -1.8,12,14 -1.8,3,2 -1.8,10,7 -1.8,8,8 -1.8,7,11 -1.8,6,3 -1.8,12,5 -1.8,7,6 -1.8,15,12 -1.8,13,14 -1.8,12,12 -1.8,6,6 -1.8,8,6 -1.8,6,3 -1.8,7,7 -1.8,11,7 -1.8,13,20 -1.8,4,5 -1.8,5,3 -1.8,6,3 -1.8,2,8 -1.8,7,3 -1.8,8,6 -1.8,3,5 -1.8,9,13 -1.8,7,8 -1.8,7,12 -1.8,7,4 -1.8,5,6 -1.8,5,3 -1.8,9,7 -1.8,10,5 -1.8,8,4 -1.8,7,5 -1.8,10,6 -1.8,12,12 -1.8,6,5 -1.8,5,5 -1.8,11,13 -1.8,4,4 -1.8,7,4 -1.8,3,4 -1.8,8,9 -1.8,7,6 -1.8,9,8 -1.8,8,8 -1.8,14,16 -1.8,5,6 -1.8,13,11 -1.8,4,6 -1.8,8,10 -1.8,8,1 -1.8,14,12 -1.8,7,2 -1.8,7,6 -1.8,13,11 -1.8,11,13 +1.7,9,10 +1.7,9,6 +1.7,9,4 +1.7,9,10 +1.7,9,6 +1.7,8,10 +1.7,9,11 +1.7,9,4 +1.7,8,4 +1.7,6,4 +1.7,8,8 +1.7,6,6 +1.7,7,9 +1.7,8,9 +1.7,7,5 +1.7,11,11 +1.7,9,12 +1.7,9,7 +1.7,11,7 +1.7,10,7 +1.7,16,11 +1.7,8,9 +1.7,6,6 +1.8,5,10 +1.8,15,13 1.8,5,5 -1.8,8,7 -1.8,4,2 -1.8,14,9 -1.8,12,7 -1.8,6,8 +1.8,9,6 +1.8,10,17 1.8,7,4 -1.8,12,11 -1.8,5,0 -1.8,9,7 +1.8,9,5 +1.8,13,7 1.8,9,6 -1.8,7,10 -1.8,7,2 -1.8,7,3 -1.8,9,3 +1.8,9,9 +1.8,10,10 +1.8,10,2 +1.8,13,9 1.8,5,4 -1.8,13,14 -1.8,7,10 -1.8,7,12 -1.8,2,5 +1.8,8,2 +1.8,8,7 +1.8,7,7 +1.8,9,10 +1.8,7,5 +1.8,8,10 +1.8,9,4 +1.8,4,8 +1.8,6,7 1.8,9,8 -1.8,12,12 +1.8,8,7 +1.8,8,9 +1.8,10,11 +1.8,20,21 +1.8,10,5 +1.8,11,5 1.8,11,11 -1.8,5,4 -1.8,7,6 -1.8,4,4 +1.8,10,7 +1.8,16,12 +1.8,6,3 +1.8,8,7 +1.8,12,14 +1.8,6,6 1.8,6,5 -1.8,9,13 -1.8,10,16 -1.8,6,11 -1.8,8,8 +1.8,11,8 +1.8,12,12 +1.8,9,10 +1.8,8,4 +1.8,6,9 +1.8,7,2 +1.8,9,11 +1.8,9,5 +1.8,12,22 +1.8,9,4 +1.8,4,3 +1.8,5,8 1.8,8,9 -1.8,17,12 +1.8,9,8 1.8,6,4 -1.8,9,9 -1.8,5,9 -1.8,11,7 -1.8,4,6 -1.8,14,14 -1.8,12,16 -1.8,4,4 -1.8,15,18 -1.8,9,11 -1.8,7,4 -1.8,11,6 +1.8,12,14 +1.8,9,7 +1.8,10,12 +1.8,9,10 +1.8,10,15 +1.8,13,11 +1.8,8,7 +1.8,3,3 +1.8,6,6 +1.8,5,4 1.8,8,3 -1.8,10,5 -1.8,12,8 +1.8,13,9 +1.8,8,13 +1.8,11,8 +1.8,13,10 +1.8,4,3 +1.8,16,17 +1.8,12,6 1.8,9,8 -1.8,7,5 -1.8,9,12 -1.8,5,4 -1.8,9,5 -1.8,5,3 -1.8,7,5 -1.8,6,9 -1.8,13,21 -1.8,11,3 -1.8,4,4 -1.8,10,4 +1.8,11,10 1.8,9,8 +1.8,6,4 1.8,10,9 -1.8,11,7 -1.8,7,7 -1.8,11,12 -1.8,5,3 -1.8,9,7 -1.8,7,4 -1.8,11,11 -1.8,9,8 -1.8,10,14 -1.8,12,16 -1.8,5,3 -1.8,9,16 -1.8,3,1 -1.8,12,13 -1.8,7,6 +1.8,4,2 1.8,8,9 +1.8,12,7 +1.8,8,12 +1.8,7,12 +1.8,9,9 +1.8,5,2 +1.8,11,10 +1.8,7,3 +1.8,11,5 +1.8,7,6 +1.8,9,10 +1.8,7,6 +1.8,8,10 +1.8,17,16 +1.8,13,11 +1.8,6,8 +1.8,5,4 +1.8,9,10 +1.8,10,7 1.8,7,5 -1.8,12,10 +1.8,6,2 +1.8,18,14 +1.8,7,5 +1.8,5,5 +1.8,11,11 +1.8,8,6 +1.8,5,2 +1.8,10,9 +1.8,10,5 +1.8,10,5 +1.8,6,7 +1.8,11,9 +1.8,7,4 1.8,8,7 -1.8,6,5 +1.8,5,6 +1.8,9,3 +1.8,14,15 +1.8,6,7 1.8,6,7 -1.8,7,6 -1.8,8,5 1.8,8,8 +1.8,6,6 +1.8,4,4 +1.8,5,7 +1.8,11,7 +1.8,7,4 +1.8,5,6 +1.8,10,13 +1.8,2,2 +1.8,9,9 1.8,9,6 -1.8,7,5 -1.8,10,18 -1.8,12,4 -1.8,9,8 -1.8,6,2 -1.8,11,14 -1.8,9,7 -1.8,10,9 -1.8,8,5 +1.8,11,8 1.8,7,4 -1.8,8,10 -1.8,12,10 -1.8,7,11 -1.8,10,8 -1.8,4,8 -1.8,7,6 -1.8,11,6 +1.8,9,12 +1.8,11,4 +1.8,5,5 +1.8,9,12 1.8,9,6 +1.8,7,5 +1.8,9,8 +1.8,4,6 +1.8,9,9 +1.8,7,7 +1.8,13,8 +1.8,17,14 +1.8,14,17 +1.8,14,10 +1.8,13,6 +1.8,8,3 +1.8,13,15 +1.8,9,5 +1.8,7,8 1.8,6,3 -1.8,9,10 +1.8,6,6 +1.8,14,14 +1.8,6,4 +1.8,7,5 +1.8,13,6 +1.8,5,4 +1.8,7,6 +1.8,9,8 +1.8,8,6 +1.8,10,9 +1.8,10,11 +1.8,6,5 +1.8,9,7 1.8,9,6 -1.8,13,7 -1.8,8,5 +1.8,9,9 +1.8,13,15 1.8,8,6 -1.8,13,8 -1.8,12,11 -1.8,8,9 -1.8,13,12 -1.8,15,12 +1.8,9,13 +1.8,6,6 +1.8,9,5 +1.8,14,13 +1.8,8,2 1.8,8,11 -1.8,12,12 -1.8,8,6 -1.8,4,2 -1.8,11,8 -1.8,4,6 -1.8,10,8 -1.8,13,7 +1.8,12,15 1.8,5,4 -1.8,11,10 -1.8,4,3 -1.8,7,6 -1.8,14,9 -1.8,7,6 -1.8,5,3 -1.8,10,6 -1.8,11,9 -1.8,12,11 -1.8,9,7 -1.8,12,6 -1.8,9,12 -1.8,8,14 -1.8,10,10 -1.8,6,1 -1.8,7,4 -1.8,7,8 +1.8,7,3 +1.8,10,7 1.8,7,5 -1.8,10,8 -1.8,10,5 -1.8,10,6 -1.8,6,8 -1.8,8,13 -1.8,9,5 -1.8,9,3 -1.8,7,6 +1.8,13,14 +1.8,5,4 1.8,7,7 -1.8,3,2 -1.8,9,8 -1.8,8,5 1.8,6,6 -1.8,8,5 +1.8,12,14 +1.8,8,7 +1.8,7,6 +1.8,16,15 +1.8,6,8 1.8,9,9 -1.8,5,4 -1.8,5,5 -1.8,6,5 -1.8,13,12 -1.8,8,5 -1.8,9,6 -1.8,4,4 -1.8,11,13 -1.8,2,1 -1.8,11,12 -1.8,8,9 -1.8,6,7 -1.8,9,5 -1.8,9,6 +1.8,7,6 +1.8,5,2 1.8,11,9 -1.8,9,5 -1.8,8,8 -1.8,8,8 -1.8,8,8 +1.8,11,11 +1.8,7,4 +1.8,8,12 +1.8,15,7 +1.8,7,4 +1.8,9,4 +1.8,10,8 1.8,7,6 -1.8,11,7 -1.8,9,12 1.8,7,2 -1.8,6,10 -1.8,9,8 -1.8,9,10 -1.8,8,8 -1.8,13,10 -1.8,11,10 -1.8,8,5 -1.8,7,4 -1.8,6,4 -1.8,7,3 -1.8,8,7 -1.8,8,5 -1.8,7,7 +1.8,4,2 +1.8,4,8 +1.8,4,8 +1.8,2,2 +1.8,12,11 +1.8,6,7 1.8,8,3 -1.8,17,12 -1.8,7,8 -1.8,9,6 +1.8,9,4 +1.8,7,9 +1.8,7,3 +1.8,8,9 +1.8,6,3 +1.8,10,6 +1.8,10,15 +1.8,7,5 +1.8,12,9 1.8,8,7 -1.8,12,7 -1.8,7,4 -1.8,9,7 -1.8,5,4 -1.8,6,8 -1.8,15,14 -1.8,6,5 -1.8,14,13 -1.8,11,9 +1.8,7,6 +1.8,14,5 +1.8,8,8 +1.8,4,0 1.8,7,8 -1.8,8,5 -1.8,12,10 +1.8,8,10 +1.8,7,6 +1.8,6,1 +1.8,7,5 +1.8,5,5 +1.8,8,11 +1.8,10,9 +1.8,4,5 1.8,12,8 -1.8,5,7 -1.8,6,4 -1.8,3,2 -1.8,9,6 -1.8,8,5 +1.8,6,8 +1.8,8,4 +1.8,12,5 +1.8,6,2 +1.8,2,2 +1.8,8,6 +1.8,11,16 +1.8,8,10 +1.8,9,9 +1.8,7,3 1.8,5,3 -1.8,13,9 -1.8,6,6 -1.8,13,16 +1.8,2,3 +1.8,4,5 +1.8,10,13 +1.8,10,8 +1.8,5,7 1.8,11,12 -1.8,6,6 -1.8,6,6 -1.8,10,9 -1.8,18,12 -1.8,4,3 -1.8,7,10 -1.8,4,7 -1.8,10,7 -1.8,13,11 -1.8,7,5 -1.8,8,9 -1.8,11,9 +1.8,7,6 +1.8,4,2 +1.8,8,5 +1.8,10,6 1.8,9,6 -1.8,8,11 +1.8,11,6 +1.8,10,10 +1.8,14,11 +1.8,6,4 +1.8,9,8 +1.8,12,9 +1.8,10,8 +1.8,9,7 1.8,10,5 -1.8,3,1 -1.8,7,9 -1.8,9,5 +1.8,9,8 1.8,9,5 -1.8,6,4 +1.8,4,4 +1.8,6,6 +1.8,5,2 +1.8,7,7 1.8,9,10 -1.8,10,11 -1.8,8,6 -1.8,10,6 -1.8,5,1 -1.8,8,8 -1.8,5,4 -1.8,8,10 +1.8,9,10 +1.8,7,2 1.8,6,8 -1.8,13,7 -1.8,9,7 -1.8,12,11 -1.8,5,4 1.8,4,4 -1.8,8,5 -1.8,7,6 -1.8,11,11 -1.8,9,7 +1.8,7,10 +1.8,12,9 +1.8,9,4 +1.8,13,17 +1.8,10,8 +1.8,4,4 +1.8,10,9 +1.8,2,0 1.8,7,5 -1.8,6,3 1.8,8,6 -1.8,11,8 -1.8,10,6 -1.8,6,8 +1.8,11,9 +1.8,6,4 +1.8,4,4 1.8,5,3 -1.8,11,11 +1.8,13,11 +1.8,5,3 +1.8,4,0 +1.8,7,6 +1.8,6,3 1.8,9,5 -1.8,4,4 1.8,10,8 -1.8,14,8 -1.8,9,8 -1.8,14,11 -1.8,13,4 -1.8,9,7 -1.8,13,12 -1.8,3,3 -1.8,9,7 -1.8,13,10 -1.8,10,10 -1.8,5,3 -1.8,10,7 -1.8,9,6 -1.8,2,2 +1.8,14,16 +1.8,5,5 1.8,5,5 +1.8,12,11 +1.8,10,11 +1.8,7,9 +1.8,11,11 +1.8,7,3 +1.8,5,3 +1.8,6,6 +1.8,9,9 +1.8,4,3 1.8,10,7 -1.8,9,6 +1.8,9,8 +1.8,16,11 +1.8,7,9 1.8,11,6 -1.8,15,8 +1.8,7,3 1.8,8,4 -1.8,12,12 +1.8,7,7 +1.8,10,6 +1.8,12,14 1.8,6,4 -1.8,6,3 -1.8,11,4 +1.8,10,11 1.8,5,3 -1.8,11,19 -1.8,12,9 -1.8,12,16 -1.8,9,12 -1.8,14,16 -1.8,12,5 +1.8,10,8 +1.8,7,9 +1.8,7,5 +1.8,8,4 +1.8,7,6 +1.8,11,10 +1.8,4,7 +1.8,4,1 +1.8,8,4 1.8,9,8 -1.8,8,6 +1.8,9,7 +1.8,10,4 +1.8,8,8 +1.8,11,8 +1.8,8,5 1.8,15,11 -1.8,7,14 -1.8,9,6 -1.8,9,6 -1.8,5,2 1.8,8,8 -1.8,8,9 +1.8,11,13 +1.8,9,6 +1.8,8,3 +1.8,6,8 +1.8,6,3 +1.8,12,11 +1.8,7,5 +1.8,9,3 +1.8,10,10 +1.8,7,13 +1.8,7,8 +1.8,7,4 +1.8,10,9 +1.8,6,7 +1.8,7,4 +1.8,9,5 +1.8,6,6 +1.8,4,3 +1.8,13,9 +1.8,10,6 1.8,8,5 -1.8,12,10 -1.8,7,8 -1.8,6,2 -1.8,3,4 -1.8,8,4 -1.8,12,12 +1.8,8,7 +1.8,10,10 +1.8,6,11 1.8,6,2 -1.8,11,13 -1.8,9,6 -1.8,11,15 -1.8,5,1 -1.8,4,6 -1.8,8,6 -1.8,8,4 -1.8,8,9 +1.8,5,2 +1.8,5,5 1.8,12,14 -1.8,10,8 -1.8,10,8 -1.8,4,5 -1.8,7,8 +1.8,9,10 +1.8,10,7 +1.8,7,10 +1.8,5,5 +1.8,11,10 1.8,8,7 -1.8,9,8 -1.8,10,4 -1.8,5,6 -1.8,5,4 +1.8,8,8 +1.8,3,1 +1.8,8,9 +1.8,10,6 +1.8,5,5 +1.8,4,2 +1.8,9,5 +1.8,6,4 +1.8,5,7 +1.8,8,7 +1.8,14,16 +1.8,5,3 1.8,10,7 -1.8,5,9 -1.8,7,7 -1.8,13,13 -1.8,3,4 -1.8,9,6 -1.8,7,9 -1.8,9,13 -1.8,10,14 -1.8,4,6 -1.8,9,6 -1.8,7,11 1.8,10,6 -1.8,9,4 -1.8,6,2 +1.8,8,7 +1.8,4,3 +1.8,7,9 +1.8,6,7 +1.8,11,6 +1.8,5,5 +1.8,15,26 +1.8,6,3 +1.8,8,10 +1.8,10,12 1.8,10,10 +1.8,13,10 +1.8,4,8 +1.8,11,11 +1.8,10,7 +1.8,6,7 +1.8,7,4 +1.8,6,5 +1.8,13,10 +1.8,11,10 +1.8,6,5 +1.8,7,5 1.8,4,4 -1.8,10,8 +1.8,8,4 +1.8,8,15 +1.8,10,7 1.8,10,11 -1.8,2,2 -1.8,4,4 -1.8,10,8 -1.8,16,14 -1.8,6,5 1.8,12,14 -1.8,8,5 +1.8,5,5 +1.8,10,7 +1.8,14,16 +1.8,9,15 +1.8,6,8 +1.8,5,5 +1.8,5,7 +1.8,4,2 +1.8,6,5 +1.8,8,10 +1.8,13,15 +1.8,5,6 +1.8,4,3 +1.8,9,7 +1.8,4,2 1.8,11,10 +1.8,13,6 +1.8,6,2 1.8,6,6 -1.8,11,9 -1.8,11,11 -1.8,11,11 -1.8,10,2 +1.8,10,11 +1.8,6,5 +1.8,8,7 +1.8,9,9 +1.8,5,3 +1.8,8,8 +1.8,10,13 +1.8,6,8 +1.8,12,11 +1.8,10,7 +1.8,4,4 +1.8,15,23 +1.8,1,2 +1.8,11,6 +1.8,5,5 +1.8,6,6 +1.8,7,4 +1.8,10,7 +1.8,9,10 +1.8,9,5 +1.8,7,6 +1.8,15,16 +1.8,14,7 +1.8,8,8 +1.8,6,4 +1.8,8,4 +1.8,5,2 +1.8,12,13 1.8,6,3 +1.8,9,8 1.8,4,3 -1.8,7,4 +1.8,16,13 +1.8,10,5 +1.8,8,11 +1.8,14,13 +1.8,13,8 +1.8,10,2 1.8,9,9 -1.8,4,2 -1.8,8,6 -1.8,14,16 +1.8,8,4 +1.8,3,3 +1.8,8,4 +1.8,13,16 1.8,10,5 -1.8,7,10 +1.8,6,7 +1.8,9,6 +1.8,11,12 +1.8,16,20 +1.8,8,8 +1.8,10,6 +1.8,5,2 +1.8,7,4 +1.8,5,2 +1.8,8,6 1.8,11,9 -1.8,7,3 -1.8,10,4 -1.8,3,2 +1.8,7,7 +1.8,7,5 +1.8,4,4 +1.8,10,13 +1.8,7,4 +1.8,11,10 +1.8,11,5 +1.8,6,3 1.8,7,8 -1.8,16,9 -1.8,10,12 -1.8,8,6 -1.8,7,1 -1.8,6,7 1.8,12,6 -1.8,10,9 -1.8,12,8 -1.8,8,11 -1.8,11,14 -1.8,3,2 -1.8,4,0 +1.8,10,14 +1.8,7,2 1.8,8,4 1.8,6,5 +1.8,14,18 1.8,5,4 +1.8,9,9 +1.8,5,1 1.8,6,6 -1.8,10,17 -1.8,12,7 -1.8,13,9 -1.8,5,5 -1.8,7,3 -1.8,8,9 -1.8,5,3 -1.8,7,6 -1.8,5,4 -1.8,9,7 -1.8,11,12 -1.8,8,9 -1.8,7,4 -1.8,13,11 -1.8,7,6 -1.8,10,10 -1.8,4,8 -1.8,2,2 -1.8,10,6 -1.8,10,11 -1.8,12,6 -1.8,4,5 -1.8,9,7 -1.8,5,5 -1.8,8,6 -1.8,10,7 -1.8,10,13 -1.8,8,10 -1.8,5,7 -1.8,8,7 -1.8,6,8 -1.8,9,4 1.8,6,4 -1.8,10,11 -1.8,8,8 -1.8,11,12 -1.8,6,7 -1.8,9,8 -1.8,3,1 -1.8,7,9 -1.8,13,3 -1.8,7,8 -1.8,6,0 -1.8,3,3 -1.8,8,10 -1.8,6,8 -1.8,8,9 -1.8,8,12 -1.8,9,8 -1.8,14,13 -1.8,8,9 -1.8,9,3 -1.8,12,12 -1.8,12,12 -1.8,8,6 -1.8,7,9 1.8,8,6 1.8,11,9 -1.8,15,16 -1.8,6,3 +1.8,14,13 +1.8,6,4 +1.8,7,4 +1.8,11,5 1.8,5,7 -1.8,8,6 -1.8,9,11 -1.8,3,1 -1.8,6,5 -1.8,11,6 -1.8,10,10 -1.8,7,9 -1.8,9,10 -1.8,5,3 +1.8,12,13 +1.8,12,12 +1.8,15,26 +1.8,7,7 +1.8,5,5 +1.8,7,10 +1.8,5,2 +1.8,11,7 +1.8,12,11 +1.8,10,13 +1.8,10,5 1.8,7,5 +1.8,2,3 +1.8,4,6 +1.8,6,4 +1.8,5,7 1.8,6,3 +1.8,8,7 +1.8,8,3 +1.8,16,16 +1.8,9,11 +1.8,5,4 +1.8,14,14 +1.8,11,7 +1.8,6,12 +1.8,5,3 +1.8,10,14 +1.8,3,2 +1.8,15,15 +1.8,13,13 +1.8,11,8 1.8,11,11 +1.8,8,7 1.8,6,2 -1.8,11,2 -1.8,11,11 -1.8,4,4 +1.8,16,11 +1.8,5,6 +1.8,7,6 +1.8,6,5 +1.8,6,7 +1.8,3,1 +1.8,11,17 +1.8,6,7 +1.8,3,3 +1.8,8,11 +1.8,8,9 1.8,5,3 -1.8,7,9 -1.8,7,12 +1.8,10,11 1.8,10,6 -1.8,6,5 -1.8,9,14 -1.8,8,5 -1.8,11,11 -1.8,8,4 -1.8,8,8 1.8,5,4 -1.8,11,10 1.8,4,4 -1.8,8,4 1.8,6,6 -1.8,11,10 -1.8,20,12 -1.8,9,5 +1.8,11,7 +1.8,11,14 +1.8,6,8 +1.8,4,4 +1.8,7,2 +1.8,8,4 +1.8,11,11 +1.8,10,10 +1.8,8,6 +1.8,5,4 +1.8,12,5 +1.8,5,2 +1.8,14,10 +1.8,5,7 1.8,6,4 -1.8,6,7 +1.8,18,15 +1.8,10,6 +1.8,6,4 +1.8,11,14 +1.8,5,2 +1.8,6,8 +1.8,9,10 +1.8,4,2 +1.8,3,6 +1.8,5,7 +1.8,9,8 +1.8,9,8 +1.8,4,5 +1.8,7,6 +1.8,7,7 1.8,5,6 1.8,6,6 -1.8,4,3 -1.8,12,12 -1.8,6,5 -1.8,5,7 +1.8,7,4 +1.8,10,12 +1.8,9,10 +1.8,12,9 +1.8,12,10 1.8,7,6 -1.8,14,17 -1.8,14,9 +1.8,3,4 +1.8,11,11 1.8,6,4 +1.8,6,8 +1.8,10,10 +1.8,8,6 +1.8,10,8 1.8,5,2 -1.8,5,5 -1.8,7,6 1.8,7,9 -1.8,9,15 -1.8,8,2 -1.8,10,8 -1.8,9,9 -1.8,4,4 -1.8,8,11 -1.8,9,10 -1.8,14,19 +1.8,12,7 1.8,9,7 -1.8,7,2 -1.8,4,4 -1.8,5,9 -1.8,12,11 +1.8,7,5 +1.8,11,12 +1.8,15,13 +1.8,4,0 +1.8,5,2 +1.8,5,2 +1.8,5,8 +1.8,10,7 +1.8,5,1 +1.8,8,5 +1.8,11,11 +1.8,12,7 1.8,5,4 -1.8,11,10 -1.8,9,5 +1.8,7,8 +1.8,5,4 +1.8,11,7 +1.8,5,4 +1.8,10,15 +1.8,6,13 +1.8,7,3 +1.8,11,12 +1.8,6,8 +1.8,8,9 +1.8,12,8 +1.8,6,6 +1.8,6,6 +1.8,9,8 +1.8,10,3 +1.8,11,7 +1.8,5,5 +1.8,14,8 +1.8,10,14 +1.8,8,5 +1.8,7,7 +1.8,6,4 +1.8,7,3 +1.8,13,10 1.8,4,3 -1.8,3,2 1.8,7,6 -1.8,9,7 -1.8,3,6 -1.8,11,9 -1.8,3,2 -1.8,2,1 -1.8,6,5 -1.8,7,4 -1.8,10,10 -1.8,8,8 -1.8,6,6 -1.8,6,5 -1.8,4,0 -1.8,10,9 1.8,7,5 1.8,5,3 -1.8,8,1 -1.8,10,10 -1.8,13,14 -1.8,6,6 -1.8,14,13 -1.8,7,6 -1.8,8,6 -1.8,5,8 -1.8,9,3 -1.8,7,6 -1.8,9,6 -1.8,8,6 +1.8,9,7 +1.8,8,9 +1.8,8,5 +1.8,6,7 +1.8,14,10 +1.8,10,9 +1.8,6,4 +1.8,11,9 1.8,7,7 +1.8,10,14 +1.8,13,8 +1.8,5,5 +1.8,11,10 1.8,5,6 +1.8,9,8 +1.8,8,5 +1.8,12,12 +1.8,12,11 +1.8,5,4 1.8,4,1 -1.8,7,8 -1.8,4,2 1.8,12,11 -1.8,9,9 -1.8,11,19 -1.8,9,7 -1.8,6,8 -1.8,12,13 -1.8,4,5 -1.8,9,12 -1.8,10,14 -1.8,5,1 -1.8,10,7 -1.8,6,6 -1.8,6,4 -1.8,10,10 -1.8,4,4 -1.8,12,12 -1.8,7,10 -1.8,10,6 -1.8,11,11 -1.8,8,7 -1.8,13,12 -1.8,14,10 -1.8,8,7 -1.8,9,6 -1.8,8,7 -1.8,5,3 +1.8,9,8 +1.8,13,14 +1.8,11,12 +1.8,7,8 1.8,8,3 -1.8,8,6 -1.8,10,6 -1.8,9,9 -1.8,5,6 -1.8,9,7 -1.8,10,14 -1.8,9,6 -1.8,8,6 -1.8,6,7 -1.8,7,2 -1.8,8,10 +1.8,4,1 +1.8,3,3 +1.8,7,4 1.8,11,11 -1.8,4,4 -1.8,7,7 -1.8,6,6 -1.8,7,7 -1.8,14,11 -1.8,7,5 -1.8,11,6 +1.8,10,4 +1.8,5,5 +1.8,7,3 1.8,6,5 -1.8,11,7 -1.8,9,11 -1.8,6,7 -1.8,10,7 -1.8,9,7 -1.8,9,4 -1.8,7,6 -1.8,7,5 -1.8,4,5 -1.8,6,10 -1.8,4,3 -1.8,10,13 -1.8,8,3 -1.8,4,5 -1.8,14,4 -1.8,11,13 -1.8,8,4 -1.8,4,2 -1.8,6,2 -1.8,7,6 +1.8,7,4 1.8,7,7 -1.8,10,6 -1.8,6,4 -1.8,5,8 +1.8,9,9 +1.8,10,8 +1.8,6,6 +1.8,12,10 1.8,6,4 -1.8,12,11 -1.8,8,6 -1.8,11,8 -1.8,13,10 -1.8,6,8 -1.8,6,3 -1.8,12,6 +1.8,3,2 +1.8,13,16 1.8,8,7 -1.8,10,8 -1.8,14,16 -1.8,12,9 -1.8,11,12 +1.8,7,6 1.8,13,11 -1.8,8,5 -1.8,9,8 -1.8,13,5 -1.8,12,10 +1.8,11,12 +1.8,11,12 +1.8,10,6 +1.8,9,12 +1.8,10,13 +1.8,11,12 +1.8,7,6 +1.8,7,9 +1.8,6,7 +1.8,6,5 +1.8,9,16 +1.8,9,10 +1.8,8,8 +1.8,10,4 +1.8,9,13 +1.8,10,9 +1.8,6,6 +1.8,9,6 +1.8,14,12 +1.8,13,15 +1.8,9,6 1.8,7,3 1.8,9,7 -1.8,5,5 -1.8,9,5 -1.8,12,5 +1.8,13,8 +1.8,8,6 1.8,6,1 -1.8,13,9 -1.8,8,8 -1.8,7,8 -1.8,3,2 +1.8,2,3 1.8,9,13 +1.8,7,4 +1.8,11,16 +1.8,7,7 +1.8,9,11 +1.8,7,5 +1.8,13,15 +1.8,15,11 +1.8,8,9 +1.8,6,2 +1.8,11,11 +1.8,9,8 +1.8,7,6 1.8,5,4 -1.8,17,18 -1.8,9,9 -1.8,6,6 +1.8,17,14 +1.8,7,8 +1.8,11,10 +1.8,4,4 +1.8,6,1 +1.8,9,3 +1.8,7,8 +1.8,9,1 +1.8,9,8 +1.8,11,14 +1.8,7,6 +1.8,7,4 +1.8,9,7 +1.8,8,6 1.8,6,6 +1.8,9,5 +1.8,9,2 +1.8,10,9 1.8,7,6 -1.8,6,8 +1.8,10,10 1.8,11,7 -1.8,6,2 -1.8,9,12 -1.8,10,8 -1.8,9,2 -1.8,7,5 +1.8,6,3 +1.8,13,10 +1.8,12,10 +1.8,17,17 +1.8,12,14 1.8,7,7 -1.8,8,6 -1.8,12,11 +1.8,11,11 +1.8,9,8 +1.8,9,10 +1.8,11,8 +1.8,8,3 +1.8,11,5 +1.8,11,9 +1.8,9,9 +1.8,13,12 +1.8,6,10 +1.8,5,3 +1.8,6,3 +1.8,2,1 +1.8,10,6 +1.8,8,4 +1.8,5,10 +1.8,8,7 +1.8,16,17 +1.8,8,8 +1.8,9,10 +1.8,6,6 +1.8,10,9 +1.8,6,6 1.8,11,6 -1.8,7,5 -1.8,7,5 -1.8,11,13 -1.8,7,10 -1.8,8,5 -1.8,5,8 -1.8,5,8 -1.8,11,10 -1.8,10,5 -1.8,12,13 -1.8,4,4 +1.8,14,7 +1.8,10,8 +1.8,7,3 1.8,6,5 +1.8,6,7 +1.8,8,6 +1.8,10,8 +1.8,5,5 +1.8,9,11 +1.8,11,5 +1.8,7,3 1.8,7,7 1.8,8,5 +1.8,14,10 +1.8,5,6 +1.8,6,6 +1.8,8,6 +1.8,10,7 +1.8,12,9 1.8,9,6 -1.8,12,8 +1.8,10,10 1.8,8,9 -1.8,8,6 -1.8,13,7 -1.8,9,7 -1.8,5,4 -1.8,4,4 -1.8,13,6 -1.8,8,7 -1.8,10,13 -1.8,8,8 -1.8,7,3 +1.8,9,17 +1.8,10,3 +1.8,10,6 +1.8,4,3 +1.8,7,9 1.8,4,2 -1.8,9,3 +1.8,8,5 +1.8,11,17 1.8,9,7 +1.8,16,19 +1.8,10,5 +1.8,4,6 +1.8,9,12 +1.8,8,8 +1.8,4,1 +1.8,5,5 1.8,4,2 -1.8,5,8 -1.8,6,3 -1.8,5,1 -1.8,8,13 -1.8,16,13 -1.8,8,11 -1.8,8,5 -1.8,7,3 -1.8,10,7 -1.8,12,12 +1.8,7,8 +1.8,12,10 +1.8,9,11 +1.8,3,0 +1.8,11,9 +1.8,4,7 +1.8,15,16 +1.8,8,9 +1.8,6,5 +1.8,10,9 1.8,7,4 +1.8,10,4 +1.8,6,4 +1.8,10,9 1.8,7,5 -1.8,5,6 -1.8,7,11 -1.8,6,8 -1.8,8,7 -1.8,8,2 -1.8,13,12 -1.8,5,9 -1.8,8,5 +1.8,2,0 +1.8,10,5 +1.8,4,2 +1.8,12,11 +1.8,11,9 +1.8,11,5 +1.8,4,4 +1.8,7,6 +1.8,9,8 +1.8,8,11 +1.8,9,11 +1.8,8,12 +1.8,9,7 +1.8,2,2 +1.8,6,6 1.8,6,6 -1.8,9,5 -1.8,8,5 -1.8,6,1 -1.8,14,12 -1.8,8,8 -1.8,5,5 -1.8,14,14 1.8,6,2 -1.8,6,5 -1.8,5,3 +1.8,8,4 +1.8,9,6 +1.8,9,5 +1.8,8,12 +1.8,6,7 +1.8,4,3 1.8,7,5 -1.8,9,12 -1.8,12,12 -1.8,9,8 +1.8,10,9 1.8,7,7 -1.8,9,10 -1.8,10,7 -1.8,11,13 -1.8,13,7 -1.8,12,14 -1.8,8,6 +1.8,8,7 +1.8,8,4 +1.8,13,13 +1.8,6,1 +1.8,6,5 +1.8,9,7 1.8,8,9 -1.8,7,7 -1.8,4,3 -1.8,9,8 -1.8,7,9 -1.8,10,9 1.8,13,12 -1.8,10,5 -1.8,10,6 -1.8,6,8 -1.8,5,4 -1.8,7,5 -1.8,8,10 +1.8,11,9 +1.8,8,12 +1.8,6,3 1.8,5,2 -1.8,10,10 -1.8,12,15 +1.8,7,6 +1.8,12,8 +1.8,4,3 +1.8,11,9 +1.8,13,7 +1.8,7,5 +1.8,11,8 +1.8,4,3 +1.8,8,5 +1.8,9,6 +1.8,8,8 1.8,10,8 -1.8,7,4 -1.8,5,2 -1.8,8,11 1.8,7,6 -1.8,8,6 -1.8,6,4 -1.8,10,10 -1.8,7,9 -1.8,5,3 1.8,7,8 -1.8,11,9 -1.8,7,9 -1.8,10,6 -1.8,11,5 -1.8,7,10 +1.8,9,7 1.8,9,13 +1.8,6,10 +1.8,5,5 +1.8,11,14 +1.8,13,16 +1.8,13,5 +1.8,6,2 +1.8,12,12 1.8,10,9 -1.8,12,7 -1.8,7,9 +1.8,9,6 1.8,9,9 -1.8,11,12 +1.8,7,5 +1.8,2,1 +1.8,13,11 +1.8,1,1 1.8,10,7 -1.8,5,3 -1.8,8,7 +1.8,10,10 1.8,10,11 -1.8,14,6 -1.8,7,3 +1.8,11,7 +1.8,7,8 +1.8,6,4 +1.8,14,12 +1.8,2,2 +1.8,11,11 +1.8,5,4 +1.8,14,13 +1.8,11,12 +1.8,5,4 +1.8,5,4 +1.8,11,10 +1.8,12,13 +1.8,8,7 +1.8,13,4 +1.8,7,5 +1.8,9,13 +1.8,7,4 +1.8,6,6 +1.8,10,10 1.8,7,9 -1.8,10,8 -1.8,6,10 1.8,9,10 -1.8,8,14 +1.8,9,12 +1.8,4,6 +1.8,8,8 +1.8,5,5 +1.8,13,9 +1.8,8,12 +1.8,7,3 +1.8,10,9 +1.8,10,13 +1.8,8,7 +1.8,6,7 +1.8,4,1 +1.8,11,12 +1.8,8,5 +1.8,8,10 +1.8,6,11 +1.8,4,4 +1.8,15,10 1.8,10,8 -1.8,8,14 +1.8,9,3 +1.8,10,13 +1.8,14,6 +1.8,11,18 +1.8,4,3 +1.8,8,7 +1.8,9,3 +1.8,4,0 +1.8,5,3 +1.8,7,6 +1.8,6,7 +1.8,5,4 1.8,9,6 -1.8,5,0 -1.8,10,7 +1.8,8,8 1.8,9,8 -1.8,8,4 -1.8,11,14 +1.8,12,7 +1.8,11,9 1.8,8,12 +1.8,8,11 +1.8,2,5 1.8,5,6 -1.8,5,4 -1.8,10,8 -1.8,9,7 -1.8,13,11 -1.8,6,6 -1.8,4,4 -1.8,11,15 -1.8,12,12 +1.8,9,8 +1.8,9,11 +1.8,3,5 +1.8,9,5 +1.8,15,15 1.8,9,8 1.8,8,3 -1.8,5,6 -1.8,6,8 -1.8,5,6 -1.8,6,4 -1.8,4,4 -1.8,4,2 +1.8,11,9 1.8,6,4 -1.8,9,10 +1.8,5,4 +1.8,6,5 +1.8,4,1 +1.8,13,10 +1.8,7,2 +1.8,14,11 +1.8,12,6 +1.8,7,4 +1.8,11,7 +1.8,12,10 +1.8,9,12 +1.8,5,5 +1.8,8,2 1.8,3,2 -1.8,6,3 -1.8,8,4 -1.8,7,8 -1.8,8,8 -1.8,10,6 -1.8,9,7 -1.8,5,1 -1.8,10,7 -1.8,8,11 -1.8,9,6 -1.8,10,11 -1.8,12,11 -1.8,8,9 -1.8,18,11 -1.8,7,12 -1.8,7,8 -1.8,9,9 -1.8,11,16 -1.8,4,6 -1.8,7,3 -1.8,7,5 -1.8,8,7 -1.9,11,8 -1.9,7,4 -1.9,7,9 +1.9,10,8 +1.9,4,5 +1.9,8,5 +1.9,10,12 +1.9,8,6 +1.9,11,5 +1.9,5,7 +1.9,7,3 1.9,6,6 -1.9,10,7 +1.9,9,5 +1.9,11,11 1.9,7,5 -1.9,16,8 -1.9,6,4 -1.9,5,5 -1.9,12,15 -1.9,14,7 -1.9,4,1 -1.9,3,6 -1.9,4,3 +1.9,10,10 +1.9,7,7 +1.9,7,5 +1.9,6,6 +1.9,7,10 +1.9,9,11 +1.9,6,6 1.9,6,3 -1.9,4,1 -1.9,6,9 -1.9,5,3 -1.9,9,8 -1.9,5,3 -1.9,14,17 -1.9,9,8 -1.9,11,4 -1.9,5,3 -1.9,11,8 -1.9,6,4 -1.9,10,14 -1.9,6,5 -1.9,9,16 -1.9,6,7 -1.9,6,1 -1.9,7,4 -1.9,7,8 -1.9,2,2 -1.9,7,8 +1.9,5,6 +1.9,9,13 +1.9,11,13 +1.9,12,15 +1.9,13,8 +1.9,11,5 +1.9,12,8 +1.9,17,13 +1.9,9,4 1.9,7,5 +1.9,9,8 +1.9,9,12 +1.9,12,14 +1.9,10,11 +1.9,9,13 1.9,8,8 -1.9,7,9 -1.9,4,3 +1.9,8,5 1.9,8,7 -1.9,4,3 -1.9,10,5 +1.9,13,9 +1.9,15,14 +1.9,8,7 +1.9,13,15 +1.9,10,13 +1.9,5,2 +1.9,12,10 +1.9,5,2 +1.9,8,4 +1.9,5,6 +1.9,9,8 +1.9,9,9 +1.9,9,6 +1.9,5,7 +1.9,5,7 1.9,7,7 -1.9,6,4 -1.9,2,3 -1.9,9,11 -1.9,8,6 +1.9,13,13 1.9,10,6 -1.9,6,5 +1.9,13,11 +1.9,9,9 +1.9,7,9 +1.9,5,2 +1.9,10,9 +1.9,7,7 +1.9,6,2 +1.9,6,8 +1.9,12,5 1.9,3,3 -1.9,6,4 -1.9,6,5 -1.9,11,16 -1.9,7,5 -1.9,5,7 -1.9,3,8 -1.9,7,8 -1.9,5,9 -1.9,10,8 -1.9,16,20 -1.9,9,8 +1.9,5,3 +1.9,11,5 +1.9,8,5 +1.9,6,6 +1.9,12,17 +1.9,4,4 +1.9,4,9 +1.9,6,8 +1.9,11,7 +1.9,8,5 1.9,11,11 -1.9,11,14 +1.9,7,3 +1.9,6,5 1.9,6,4 -1.9,7,6 -1.9,5,2 +1.9,14,12 +1.9,13,10 +1.9,12,15 1.9,9,7 -1.9,6,6 -1.9,7,6 -1.9,10,8 +1.9,10,3 +1.9,7,4 +1.9,10,10 1.9,8,6 -1.9,8,2 -1.9,13,11 -1.9,8,7 -1.9,8,8 -1.9,12,7 -1.9,8,7 -1.9,8,7 +1.9,12,13 +1.9,10,5 +1.9,12,3 +1.9,8,12 +1.9,4,3 +1.9,10,7 +1.9,8,6 +1.9,11,12 +1.9,9,11 +1.9,10,5 +1.9,5,4 +1.9,6,5 +1.9,14,15 +1.9,11,6 +1.9,9,5 +1.9,2,3 +1.9,11,7 +1.9,13,14 +1.9,11,9 1.9,9,8 -1.9,9,14 +1.9,10,4 +1.9,4,4 +1.9,6,6 +1.9,8,11 +1.9,6,7 +1.9,8,3 1.9,4,6 -1.9,10,8 -1.9,10,7 -1.9,6,4 -1.9,11,10 -1.9,12,7 +1.9,17,14 +1.9,9,13 +1.9,5,3 +1.9,4,2 +1.9,12,10 1.9,11,8 -1.9,12,9 +1.9,14,13 +1.9,11,10 +1.9,8,9 +1.9,9,7 1.9,5,7 -1.9,13,10 -1.9,12,9 -1.9,5,3 -1.9,8,3 -1.9,12,12 -1.9,13,12 -1.9,7,6 +1.9,9,15 +1.9,7,9 1.9,7,7 -1.9,13,11 +1.9,8,4 +1.9,7,7 +1.9,12,4 +1.9,7,5 +1.9,12,13 +1.9,7,5 +1.9,17,16 +1.9,4,5 +1.9,6,7 +1.9,9,7 +1.9,17,13 +1.9,11,12 +1.9,7,8 +1.9,15,10 +1.9,10,14 +1.9,5,6 +1.9,7,9 +1.9,10,4 +1.9,10,10 1.9,10,12 -1.9,8,6 -1.9,2,1 -1.9,12,14 -1.9,8,7 -1.9,10,13 1.9,6,7 -1.9,10,8 -1.9,9,9 +1.9,10,6 +1.9,12,12 1.9,10,7 -1.9,6,7 -1.9,10,13 -1.9,5,5 -1.9,13,10 +1.9,9,9 +1.9,10,5 +1.9,13,19 +1.9,13,13 +1.9,6,2 +1.9,7,6 +1.9,9,12 +1.9,12,15 1.9,3,3 -1.9,9,6 -1.9,7,11 -1.9,6,3 -1.9,6,4 -1.9,5,10 +1.9,7,7 +1.9,6,2 +1.9,11,7 +1.9,10,10 +1.9,7,2 +1.9,11,6 +1.9,14,12 +1.9,4,5 +1.9,10,9 +1.9,11,12 +1.9,5,2 1.9,10,7 -1.9,3,5 -1.9,17,17 +1.9,8,7 +1.9,3,7 +1.9,10,12 +1.9,6,5 1.9,9,7 -1.9,10,6 +1.9,3,3 +1.9,8,6 1.9,10,9 +1.9,7,4 +1.9,8,4 +1.9,7,6 +1.9,11,6 1.9,7,8 -1.9,10,12 -1.9,7,1 -1.9,9,3 -1.9,7,8 -1.9,3,6 +1.9,7,6 +1.9,14,10 +1.9,13,10 +1.9,13,10 +1.9,13,12 +1.9,10,10 +1.9,9,2 +1.9,10,14 +1.9,8,17 +1.9,8,8 1.9,6,7 -1.9,7,8 -1.9,14,16 -1.9,4,4 -1.9,10,16 -1.9,9,8 -1.9,6,6 -1.9,4,3 -1.9,10,7 -1.9,7,8 -1.9,6,4 +1.9,7,4 +1.9,9,14 +1.9,10,5 +1.9,6,5 +1.9,8,2 +1.9,7,4 +1.9,10,8 +1.9,12,6 +1.9,4,5 +1.9,8,3 +1.9,10,10 +1.9,14,14 1.9,12,11 -1.9,11,10 -1.9,6,3 -1.9,11,14 +1.9,8,10 1.9,10,7 +1.9,8,9 +1.9,10,10 +1.9,5,1 1.9,9,10 -1.9,6,1 +1.9,6,3 1.9,12,16 +1.9,11,9 +1.9,7,9 +1.9,2,5 +1.9,9,7 +1.9,13,13 +1.9,10,8 +1.9,11,4 +1.9,7,5 +1.9,12,11 +1.9,9,9 1.9,8,3 -1.9,5,5 -1.9,6,2 -1.9,3,4 +1.9,6,4 +1.9,4,4 +1.9,7,6 +1.9,10,5 +1.9,9,2 +1.9,10,8 1.9,12,12 -1.9,12,9 -1.9,12,11 -1.9,14,12 +1.9,17,12 +1.9,7,6 +1.9,11,10 +1.9,10,15 +1.9,11,11 +1.9,9,7 +1.9,13,6 +1.9,7,5 +1.9,7,6 +1.9,4,0 +1.9,5,4 +1.9,6,3 +1.9,2,1 +1.9,13,12 +1.9,11,8 +1.9,13,15 +1.9,10,13 +1.9,15,13 +1.9,10,11 +1.9,9,6 +1.9,8,7 +1.9,8,9 +1.9,6,5 +1.9,12,12 +1.9,7,5 +1.9,8,8 +1.9,6,7 +1.9,6,8 1.9,12,11 -1.9,11,18 -1.9,6,2 -1.9,10,5 +1.9,6,3 +1.9,21,14 +1.9,6,5 +1.9,11,2 +1.9,10,11 +1.9,12,13 +1.9,12,13 +1.9,8,11 +1.9,10,8 +1.9,12,3 +1.9,7,3 +1.9,10,9 +1.9,7,6 +1.9,7,4 +1.9,9,10 +1.9,10,6 +1.9,8,6 +1.9,9,16 +1.9,5,3 +1.9,10,3 +1.9,11,13 +1.9,7,7 +1.9,6,7 +1.9,6,3 +1.9,6,9 +1.9,9,6 +1.9,10,13 +1.9,7,11 +1.9,7,5 +1.9,5,4 +1.9,6,3 1.9,7,4 -1.9,3,7 -1.9,12,15 -1.9,2,1 -1.9,8,7 -1.9,9,7 -1.9,7,8 -1.9,7,9 +1.9,6,9 1.9,10,7 +1.9,7,4 +1.9,10,10 +1.9,15,14 +1.9,16,14 +1.9,7,6 +1.9,6,3 +1.9,14,12 +1.9,11,14 +1.9,9,20 +1.9,5,4 +1.9,7,4 1.9,9,8 -1.9,12,9 -1.9,9,8 -1.9,8,8 -1.9,10,8 -1.9,17,15 -1.9,8,9 -1.9,10,6 -1.9,9,10 -1.9,6,6 -1.9,4,6 -1.9,10,6 -1.9,14,18 +1.9,6,4 1.9,7,7 -1.9,14,17 -1.9,12,15 +1.9,10,5 +1.9,7,6 +1.9,9,9 +1.9,7,10 +1.9,7,10 +1.9,12,7 +1.9,13,9 +1.9,12,12 +1.9,10,9 +1.9,10,7 1.9,9,11 1.9,8,5 +1.9,7,8 +1.9,5,6 +1.9,7,6 +1.9,5,3 +1.9,12,9 +1.9,7,5 +1.9,7,8 +1.9,9,4 +1.9,10,7 +1.9,7,6 +1.9,8,7 +1.9,9,9 +1.9,10,9 +1.9,7,6 +1.9,13,11 +1.9,9,4 +1.9,8,4 +1.9,11,8 +1.9,11,9 1.9,8,6 -1.9,12,13 +1.9,7,7 +1.9,11,10 +1.9,7,12 +1.9,11,7 +1.9,9,6 +1.9,12,9 +1.9,8,9 +1.9,8,7 +1.9,12,10 1.9,9,9 -1.9,11,14 -1.9,12,7 -1.9,3,2 +1.9,6,3 1.9,4,5 -1.9,6,7 -1.9,10,11 +1.9,8,6 1.9,5,2 -1.9,4,8 -1.9,13,18 +1.9,5,3 +1.9,11,5 +1.9,15,12 +1.9,5,4 +1.9,11,8 +1.9,7,6 +1.9,7,11 +1.9,10,9 +1.9,5,5 +1.9,12,10 +1.9,11,10 +1.9,8,9 +1.9,14,10 +1.9,10,10 +1.9,13,13 +1.9,5,3 1.9,4,2 -1.9,11,17 -1.9,12,5 -1.9,9,3 +1.9,12,10 1.9,11,8 -1.9,4,3 +1.9,12,7 +1.9,6,6 +1.9,4,6 +1.9,11,12 1.9,7,7 -1.9,15,11 -1.9,7,9 -1.9,9,9 -1.9,11,8 -1.9,10,11 +1.9,10,13 +1.9,10,7 +1.9,6,4 +1.9,7,6 +1.9,4,6 +1.9,5,3 +1.9,10,5 +1.9,8,11 +1.9,6,3 1.9,5,5 -1.9,11,7 -1.9,12,8 +1.9,5,1 +1.9,12,7 +1.9,10,8 +1.9,8,8 +1.9,10,8 +1.9,9,6 +1.9,4,2 1.9,8,7 -1.9,9,12 +1.9,14,13 +1.9,9,8 +1.9,18,12 1.9,4,4 -1.9,9,6 -1.9,12,10 -1.9,9,7 -1.9,9,12 -1.9,10,11 -1.9,12,16 -1.9,6,6 -1.9,12,9 +1.9,3,4 1.9,13,15 -1.9,8,8 +1.9,7,4 +1.9,7,2 +1.9,7,4 +1.9,10,9 +1.9,12,7 +1.9,9,9 +1.9,5,4 +1.9,10,12 +1.9,7,8 +1.9,10,9 +1.9,5,4 +1.9,10,10 +1.9,9,8 +1.9,6,2 +1.9,15,13 +1.9,10,13 +1.9,6,5 1.9,8,10 -1.9,11,10 -1.9,14,8 -1.9,11,8 -1.9,7,6 -1.9,10,7 -1.9,12,8 -1.9,11,10 -1.9,8,13 -1.9,10,3 +1.9,9,15 1.9,7,3 -1.9,10,8 -1.9,7,6 -1.9,4,5 -1.9,9,11 -1.9,6,8 -1.9,12,17 +1.9,3,2 +1.9,7,11 +1.9,10,10 +1.9,8,12 +1.9,11,15 +1.9,8,4 +1.9,12,9 +1.9,5,4 +1.9,15,12 +1.9,13,9 +1.9,4,3 +1.9,6,4 +1.9,7,5 +1.9,7,5 +1.9,12,12 +1.9,6,5 +1.9,5,2 +1.9,8,4 +1.9,5,7 +1.9,8,4 +1.9,21,18 +1.9,9,6 1.9,5,4 +1.9,9,6 +1.9,4,6 +1.9,13,13 +1.9,7,6 +1.9,6,7 +1.9,8,5 +1.9,10,4 +1.9,3,1 1.9,7,7 +1.9,14,12 +1.9,7,5 +1.9,10,7 +1.9,13,9 +1.9,6,5 +1.9,5,7 +1.9,9,10 1.9,8,7 -1.9,11,9 -1.9,11,7 -1.9,10,11 -1.9,11,12 -1.9,3,5 -1.9,11,11 +1.9,11,10 +1.9,3,2 +1.9,6,4 1.9,2,1 -1.9,8,9 -1.9,10,4 -1.9,9,9 -1.9,10,6 -1.9,6,9 -1.9,8,7 -1.9,6,7 -1.9,6,6 -1.9,8,6 -1.9,5,5 -1.9,14,11 -1.9,12,12 -1.9,6,10 -1.9,2,2 -1.9,4,3 -1.9,9,14 -1.9,12,7 -1.9,5,5 -1.9,8,5 -1.9,11,3 +1.9,8,11 1.9,11,7 -1.9,5,3 -1.9,9,3 -1.9,8,7 -1.9,6,1 -1.9,6,3 -1.9,6,3 -1.9,10,8 -1.9,8,6 1.9,10,9 -1.9,7,11 -1.9,8,7 +1.9,4,4 1.9,7,5 +1.9,11,9 +1.9,6,7 +1.9,11,17 +1.9,8,10 +1.9,11,13 +1.9,8,7 +1.9,9,10 +1.9,9,5 +1.9,9,9 +1.9,7,8 +1.9,9,7 +1.9,9,8 +1.9,6,5 +1.9,11,13 1.9,13,8 -1.9,14,6 -1.9,10,12 -1.9,10,10 -1.9,3,3 +1.9,16,10 +1.9,9,9 +1.9,11,11 1.9,9,6 -1.9,9,4 -1.9,7,10 -1.9,7,4 -1.9,7,4 +1.9,1,1 +1.9,4,1 +1.9,6,5 +1.9,8,7 1.9,9,10 -1.9,8,3 +1.9,9,9 +1.9,6,6 +1.9,7,8 +1.9,5,6 +1.9,10,10 +1.9,2,1 +1.9,13,6 +1.9,8,8 +1.9,14,7 +1.9,12,10 +1.9,6,0 1.9,8,9 -1.9,7,11 -1.9,10,12 -1.9,8,5 -1.9,7,7 -1.9,3,0 -1.9,15,12 +1.9,8,8 +1.9,12,13 +1.9,3,3 1.9,6,2 -1.9,10,10 -1.9,13,7 -1.9,9,4 -1.9,12,9 -1.9,10,10 -1.9,10,8 +1.9,8,1 +1.9,10,11 1.9,10,9 -1.9,12,13 -1.9,10,3 -1.9,9,6 -1.9,6,5 -1.9,7,7 -1.9,12,13 -1.9,13,10 -1.9,8,12 -1.9,7,10 1.9,4,5 -1.9,7,3 -1.9,13,13 1.9,9,5 -1.9,6,9 -1.9,5,8 -1.9,12,8 -1.9,8,3 -1.9,13,14 -1.9,9,8 -1.9,7,9 +1.9,6,7 +1.9,5,6 1.9,14,11 -1.9,5,7 -1.9,9,5 -1.9,7,5 -1.9,9,6 -1.9,11,9 +1.9,12,12 1.9,6,5 -1.9,14,17 +1.9,9,3 +1.9,9,15 +1.9,7,4 +1.9,10,11 +1.9,7,5 +1.9,7,6 +1.9,7,6 +1.9,11,6 1.9,9,6 +1.9,7,4 +1.9,7,7 +1.9,5,2 +1.9,5,3 +1.9,14,12 +1.9,6,4 +1.9,13,11 +1.9,5,6 +1.9,3,1 +1.9,9,7 +1.9,7,11 1.9,7,5 -1.9,8,7 -1.9,11,10 -1.9,8,12 -1.9,7,3 1.9,6,8 +1.9,7,4 +1.9,9,10 +1.9,8,13 +1.9,10,14 +1.9,7,8 +1.9,8,3 +1.9,15,13 +1.9,8,6 +1.9,5,5 1.9,5,5 +1.9,8,6 1.9,8,4 -1.9,13,5 -1.9,12,16 -1.9,11,5 -1.9,6,2 -1.9,6,4 -1.9,5,2 -1.9,10,10 -1.9,5,3 -1.9,8,8 -1.9,9,4 -1.9,11,13 -1.9,14,13 -1.9,7,11 -1.9,7,7 -1.9,11,7 -1.9,9,7 -1.9,6,5 +1.9,16,9 1.9,7,4 -1.9,6,6 -1.9,14,6 -1.9,10,8 -1.9,11,7 +1.9,1,1 +1.9,13,13 +1.9,11,8 +1.9,8,9 1.9,6,5 -1.9,13,12 -1.9,8,8 -1.9,8,13 -1.9,6,8 -1.9,9,5 -1.9,7,5 -1.9,5,4 -1.9,9,11 -1.9,12,22 +1.9,5,7 +1.9,8,6 +1.9,12,8 +1.9,8,6 +1.9,6,3 +1.9,10,9 +1.9,8,11 +1.9,12,10 +1.9,4,4 +1.9,5,5 +1.9,8,7 +1.9,16,19 +1.9,8,5 +1.9,9,2 +1.9,7,3 +1.9,2,3 1.9,9,7 -1.9,10,11 +1.9,11,9 +1.9,11,8 +1.9,12,10 +1.9,6,10 +1.9,14,17 +1.9,13,8 1.9,7,4 -1.9,15,13 -1.9,7,8 +1.9,8,7 +1.9,5,6 +1.9,10,11 +1.9,7,11 +1.9,12,7 +1.9,8,9 +1.9,11,7 1.9,7,7 -1.9,4,3 +1.9,6,5 +1.9,10,12 +1.9,3,6 +1.9,8,9 +1.9,10,12 +1.9,8,6 +1.9,5,2 1.9,11,8 +1.9,6,3 +1.9,8,10 +1.9,12,13 +1.9,6,4 +1.9,7,3 +1.9,4,4 +1.9,12,10 +1.9,10,11 1.9,7,9 +1.9,8,10 +1.9,6,4 1.9,10,6 -1.9,5,4 -1.9,10,10 1.9,9,6 -1.9,5,7 -1.9,10,12 -1.9,9,4 -1.9,13,7 -1.9,7,5 -1.9,5,4 -1.9,12,11 -1.9,10,8 -1.9,12,12 1.9,8,6 -1.9,9,8 -1.9,4,6 -1.9,4,3 -1.9,6,8 -1.9,4,2 -1.9,4,9 -1.9,8,5 -1.9,11,6 -1.9,12,7 +1.9,10,9 +1.9,10,12 +1.9,10,6 1.9,6,7 -1.9,6,5 -1.9,9,4 -1.9,11,11 +1.9,5,7 +1.9,6,8 +1.9,8,8 1.9,8,5 -1.9,10,3 -1.9,6,7 -1.9,6,4 -1.9,7,8 -1.9,11,8 -1.9,7,6 -1.9,6,6 -1.9,9,5 +1.9,14,11 +1.9,1,2 +1.9,7,7 +1.9,5,5 1.9,9,9 -1.9,11,9 +1.9,6,5 1.9,9,8 -1.9,8,4 -1.9,12,10 -1.9,9,5 -1.9,6,8 -1.9,12,10 -1.9,14,17 -1.9,11,8 -1.9,6,8 -1.9,8,10 -1.9,9,3 -1.9,8,7 -1.9,10,12 -1.9,9,10 -1.9,10,11 -1.9,3,2 -1.9,7,8 -1.9,7,6 -1.9,11,6 -1.9,8,5 -1.9,10,7 -1.9,10,8 -1.9,5,9 -1.9,8,7 -1.9,5,1 -1.9,8,6 -1.9,6,6 -1.9,2,1 +1.9,9,6 +1.9,8,8 +1.9,5,2 +1.9,4,5 +1.9,11,11 +1.9,10,12 1.9,9,8 -1.9,6,2 +1.9,13,13 +1.9,3,1 1.9,7,3 +1.9,3,4 +1.9,9,10 +1.9,7,10 1.9,7,5 -1.9,3,1 -1.9,11,6 -1.9,7,9 +1.9,6,4 +1.9,8,5 +1.9,10,8 +1.9,8,8 +1.9,6,7 +1.9,7,4 +1.9,15,17 +1.9,10,8 +1.9,7,11 +1.9,4,5 +1.9,8,2 +1.9,7,5 +1.9,6,7 +1.9,4,3 +1.9,10,13 +1.9,9,10 +1.9,9,10 +1.9,5,3 +1.9,6,6 +1.9,7,2 1.9,7,7 -1.9,8,4 -1.9,9,1 -1.9,12,16 -1.9,18,20 -1.9,9,6 +1.9,6,3 1.9,8,6 -1.9,14,14 +1.9,4,2 +1.9,8,8 +1.9,13,11 +1.9,11,9 +1.9,6,5 +1.9,5,3 +1.9,4,4 +1.9,5,7 +1.9,6,5 1.9,6,3 -1.9,7,7 -1.9,8,4 -1.9,7,10 -1.9,2,2 -1.9,13,9 -1.9,11,15 -1.9,12,15 -1.9,13,15 -1.9,9,14 -1.9,6,1 -1.9,9,3 -1.9,3,0 -1.9,13,9 -1.9,13,7 -1.9,7,6 -1.9,3,6 -1.9,13,6 1.9,8,9 -1.9,14,10 -1.9,7,4 -1.9,9,7 -1.9,16,7 -1.9,7,7 -1.9,18,19 +1.9,6,5 1.9,10,8 -1.9,10,9 -1.9,6,2 -1.9,7,10 -1.9,12,9 -1.9,9,3 -1.9,10,9 -1.9,9,8 -1.9,7,6 -1.9,7,8 -1.9,10,6 -1.9,6,11 -1.9,5,7 -1.9,8,7 +1.9,11,9 1.9,9,9 -1.9,5,5 1.9,9,11 -1.9,10,5 -1.9,5,7 -1.9,8,8 -1.9,7,5 -1.9,8,12 -1.9,11,6 -1.9,10,12 -1.9,5,0 -1.9,9,4 -1.9,7,7 -1.9,5,5 -1.9,2,1 -1.9,7,6 -1.9,5,4 -1.9,9,11 -1.9,5,2 -1.9,11,6 -1.9,8,11 -1.9,5,7 -1.9,13,12 -1.9,6,6 -1.9,14,16 +1.9,10,8 +1.9,9,9 +1.9,16,7 +1.9,15,11 +1.9,12,8 +1.9,5,3 1.9,5,4 -1.9,12,11 -1.9,10,10 -1.9,6,4 -1.9,1,0 -1.9,8,7 -1.9,5,0 -1.9,7,6 -1.9,11,3 -1.9,3,3 +1.9,7,8 +1.9,12,4 +1.9,9,9 +1.9,7,9 1.9,10,9 -1.9,11,17 -1.9,6,6 +1.9,10,16 +1.9,9,6 +1.9,5,3 1.9,12,9 -1.9,9,12 -1.9,9,7 1.9,8,8 -1.9,16,13 -1.9,9,12 -1.9,8,11 -1.9,14,12 -1.9,11,12 -1.9,7,6 -1.9,8,3 +1.9,7,11 1.9,9,10 -1.9,8,7 -1.9,10,10 +1.9,4,4 +1.9,15,11 +1.9,10,8 +1.9,7,3 +1.9,10,12 +1.9,10,12 +1.9,13,9 +1.9,9,5 +1.9,6,6 1.9,7,6 -1.9,9,10 -1.9,8,8 -1.9,9,9 -1.9,11,11 -1.9,4,3 1.9,10,10 -1.9,10,13 1.9,8,7 -1.9,2,3 -1.9,8,6 -1.9,11,6 -1.9,8,6 -1.9,9,8 -1.9,7,7 -1.9,11,17 -1.9,10,14 -1.9,2,3 -1.9,12,11 -1.9,5,5 -1.9,13,8 -1.9,8,12 -1.9,8,1 -1.9,6,7 -1.9,6,5 +1.9,8,5 +1.9,4,3 1.9,4,6 +1.9,12,8 +1.9,7,2 +1.9,10,7 +1.9,10,8 +1.9,5,7 +1.9,7,8 +1.9,13,4 +1.9,2,2 +1.9,12,9 +1.9,5,5 +1.9,8,7 +1.9,8,7 +1.9,4,1 +1.9,13,10 +1.9,7,3 +1.9,8,6 +1.9,12,12 +1.9,8,9 +1.9,3,2 +1.9,9,4 +1.9,13,16 +1.9,11,10 1.9,7,5 -1.9,5,4 -1.9,9,6 -1.9,7,7 -1.9,9,14 -1.9,10,12 -1.9,4,6 -1.9,9,2 -1.9,9,8 +1.9,10,7 +1.9,7,10 +1.9,11,9 1.9,8,12 -1.9,8,8 -1.9,5,2 -1.9,10,6 -1.9,9,9 -1.9,11,13 +1.9,9,10 +1.9,7,9 +1.9,7,10 +1.9,6,6 +1.9,6,8 +1.9,10,8 +1.9,11,8 +1.9,12,11 1.9,11,12 +1.9,14,18 +1.9,4,3 +1.9,12,15 +1.9,8,6 +1.9,9,7 +1.9,7,5 +1.9,10,10 +1.9,4,2 +1.9,8,6 1.9,7,7 -1.9,6,6 -1.9,12,14 +1.9,8,8 +1.9,12,13 +1.9,11,16 +1.9,9,10 +1.9,11,10 +1.9,4,4 1.9,7,6 -1.9,15,13 -1.9,3,3 -1.9,8,12 -1.9,13,12 -1.9,9,7 -1.9,11,6 -1.9,9,7 -1.9,16,14 -1.9,11,7 -1.9,9,11 -1.9,4,7 -1.9,6,7 -1.9,9,8 -1.9,12,7 -1.9,7,10 +1.9,13,13 1.9,6,6 -1.9,8,4 -1.9,8,5 -1.9,10,11 -1.9,3,0 -1.9,9,9 -1.9,11,11 -1.9,8,3 -1.9,11,11 -1.9,7,5 +1.9,5,8 +1.9,10,12 +1.9,8,11 +1.9,8,8 +1.9,3,4 +1.9,6,3 +1.9,10,3 1.9,8,7 -1.9,11,7 -1.9,10,13 -1.9,9,8 +1.9,11,8 +1.9,5,4 +1.9,9,4 +1.9,10,9 +1.9,5,4 +1.9,6,2 +1.9,9,11 +1.9,9,12 1.9,15,8 -1.9,7,2 -1.9,7,4 +1.9,9,9 +1.9,10,9 1.9,7,8 -1.9,9,10 -1.9,5,1 -1.9,4,6 -1.9,8,9 -1.9,4,5 -1.9,2,2 +1.9,11,8 +1.9,9,3 1.9,10,9 -1.9,11,1 -1.9,7,2 -1.9,15,14 +1.9,6,4 +1.9,6,1 +1.9,14,11 +1.9,10,15 +1.9,13,11 +1.9,14,12 1.9,9,6 -1.9,13,10 -1.9,11,10 1.9,11,12 -1.9,4,3 -1.9,8,6 -1.9,10,12 -1.9,5,2 -1.9,12,12 -1.9,6,5 -1.9,11,10 -1.9,9,8 -1.9,8,9 -1.9,9,7 -1.9,6,4 -1.9,8,10 1.9,7,8 -1.9,5,5 -1.9,3,3 -1.9,9,4 -1.9,9,8 -1.9,6,8 -1.9,12,9 -1.9,9,10 +1.9,8,8 +1.9,10,8 1.9,8,11 -1.9,13,14 -1.9,6,6 -1.9,7,9 -1.9,4,1 -1.9,4,3 -1.9,5,4 -1.9,6,3 -1.9,7,3 -1.9,9,8 -1.9,8,6 -1.9,4,10 -1.9,6,4 -1.9,9,9 -1.9,8,10 -1.9,5,5 +1.9,6,2 1.9,9,3 +1.9,12,8 +1.9,6,6 +1.9,4,4 +1.9,11,5 +1.9,10,6 +1.9,9,4 1.9,10,9 -1.9,5,1 -1.9,7,6 -1.9,9,9 -1.9,7,6 -1.9,11,11 -1.9,9,7 -1.9,7,9 -1.9,9,6 -1.9,12,13 -1.9,8,2 -1.9,6,4 -1.9,6,5 1.9,10,11 -1.9,7,9 -1.9,4,2 -1.9,12,16 +1.9,9,12 +1.9,8,12 +1.9,13,12 +1.9,8,9 +1.9,11,5 +1.9,7,5 +1.9,5,2 +1.9,11,7 1.9,6,5 -1.9,6,7 -1.9,15,11 -1.9,11,9 -1.9,6,6 -1.9,5,4 1.9,7,5 +1.9,8,4 1.9,8,9 -1.9,7,7 -1.9,9,10 -1.9,13,12 -1.9,8,13 -1.9,4,3 -1.9,9,12 -1.9,7,8 -1.9,9,6 -1.9,6,4 -1.9,11,9 -1.9,5,8 +1.9,5,5 +1.9,9,7 1.9,10,9 -1.9,9,10 -1.9,10,6 -1.9,14,13 -1.9,8,8 -1.9,7,7 -1.9,7,6 +1.9,8,9 1.9,5,2 -1.9,9,6 -1.9,4,2 +1.9,12,6 +1.9,9,8 +1.9,13,16 +1.9,12,17 1.9,9,7 -1.9,8,10 -1.9,4,0 -1.9,10,13 -1.9,7,6 -1.9,5,4 -1.9,11,3 +1.9,5,6 +1.9,7,10 +1.9,9,3 +1.9,11,16 +1.9,11,5 +1.9,7,7 +1.9,9,10 +1.9,15,10 +1.9,5,8 +1.9,4,4 1.9,9,7 -1.9,4,2 -1.9,10,6 -1.9,4,8 -1.9,8,10 -1.9,9,9 -1.9,8,6 -1.9,10,10 +1.9,3,8 +1.9,7,9 +1.9,6,6 +1.9,9,12 +1.9,17,14 +1.9,5,9 +1.9,7,1 +1.9,10,7 1.9,10,9 -1.9,10,3 -1.9,8,4 -1.9,9,5 -1.9,8,11 1.9,7,7 -1.9,8,10 -1.9,9,1 -1.9,11,14 -1.9,7,11 -1.9,7,8 -1.9,10,14 -1.9,6,1 -1.9,5,4 -1.9,10,7 -1.9,9,9 -1.9,6,5 -1.9,12,11 -1.9,10,12 -1.9,10,7 -1.9,3,4 -1.9,8,5 -1.9,9,4 -1.9,9,9 -1.9,12,5 1.9,8,11 -1.9,11,15 -1.9,12,12 -1.9,7,6 -1.9,11,7 -1.9,11,12 +1.9,8,8 +1.9,12,7 +1.9,9,11 +1.9,9,6 +1.9,4,6 +1.9,5,7 1.9,10,9 -1.9,8,7 -1.9,17,9 -1.9,8,7 -1.9,11,7 1.9,9,8 -1.9,11,13 -1.9,11,10 -1.9,11,11 -1.9,10,7 -1.9,11,5 -1.9,2,1 -1.9,3,3 -1.9,11,8 -1.9,7,3 -1.9,7,6 +1.9,10,5 +1.9,7,10 +1.9,13,18 +1.9,4,7 +1.9,9,8 +1.9,5,4 +1.9,6,3 +1.9,14,11 +1.9,13,15 1.9,10,10 -1.9,6,5 -1.9,6,6 +1.9,4,4 +1.9,11,12 +1.9,9,12 +1.9,9,10 +1.9,12,9 1.9,7,6 -1.9,10,6 -1.9,10,15 +1.9,11,3 +1.9,6,3 +1.9,8,8 +1.9,9,8 +1.9,10,12 +1.9,5,4 +1.9,5,7 +1.9,8,5 +1.9,8,4 +1.9,18,19 +1.9,8,6 1.9,7,2 -1.9,9,3 -1.9,4,7 -1.9,7,4 -1.9,10,5 -1.9,9,15 -1.9,12,10 -1.9,13,9 -1.9,2,4 +1.9,9,6 +1.9,10,7 +1.9,8,9 +1.9,7,6 1.9,11,13 -1.9,14,9 -1.9,4,5 -1.9,7,8 -1.9,8,7 -1.9,7,2 -1.9,8,10 +1.9,2,0 +1.9,5,9 +1.9,9,8 +1.9,1,0 +1.9,8,8 +1.9,11,4 +1.9,7,6 +1.9,9,6 +1.9,11,11 1.9,5,3 -1.9,9,9 -1.9,10,9 -1.9,12,8 -1.9,5,2 +1.9,7,6 +1.9,13,12 +1.9,9,6 1.9,5,5 -1.9,4,6 -1.9,5,3 -1.9,8,12 -1.9,7,3 -1.9,10,7 -1.9,6,1 -1.9,7,4 +1.9,16,13 +1.9,11,7 1.9,8,5 +1.9,9,7 +1.9,13,13 +1.9,9,11 1.9,7,7 +1.9,8,8 +1.9,8,6 +1.9,9,7 +1.9,7,8 +1.9,10,5 +1.9,5,4 +1.9,8,10 +1.9,6,7 +1.9,13,16 +1.9,17,10 +1.9,7,6 +1.9,10,9 +1.9,11,4 +1.9,7,9 1.9,5,1 -1.9,8,3 -1.9,9,14 1.9,9,6 -1.9,13,11 +1.9,8,8 1.9,11,10 -1.9,6,7 -1.9,12,13 -1.9,6,7 -1.9,12,6 +1.9,10,7 1.9,9,5 -1.9,7,5 -1.9,6,5 -1.9,8,6 +1.9,7,6 +1.9,9,5 +1.9,10,7 +1.9,11,5 +1.9,10,7 +1.9,10,6 +1.9,13,9 1.9,10,8 -1.9,8,6 -1.9,7,5 -1.9,7,5 +1.9,12,7 +1.9,8,9 +1.9,14,13 +1.9,10,8 +1.9,18,11 1.9,8,8 -1.9,9,6 -1.9,8,4 1.9,11,9 -1.9,6,6 -1.9,5,3 -1.9,5,1 -1.9,5,4 -1.9,10,12 -1.9,9,9 -1.9,7,2 -1.9,8,6 -1.9,12,10 -1.9,13,13 -1.9,10,13 -1.9,10,5 -1.9,12,13 -1.9,12,9 -1.9,14,16 1.9,8,5 -1.9,5,10 -1.9,5,4 -1.9,6,5 -1.9,7,6 -1.9,9,9 -1.9,9,4 -1.9,6,3 -1.9,7,8 -1.9,13,11 -1.9,6,3 -1.9,10,6 -1.9,9,6 -1.9,11,7 -1.9,9,6 1.9,6,7 -1.9,4,6 -1.9,6,3 -1.9,8,4 +1.9,10,6 1.9,6,3 -1.9,10,11 -1.9,7,6 +1.9,6,5 1.9,12,10 -1.9,10,8 -1.9,10,7 -1.9,8,6 -1.9,5,6 -1.9,6,1 -1.9,9,7 -1.9,5,4 -1.9,7,6 -1.9,5,6 +1.9,11,8 +1.9,8,5 +1.9,11,11 1.9,11,9 -1.9,12,6 -1.9,6,3 -1.9,8,7 -1.9,9,12 -1.9,12,9 -1.9,5,3 -1.9,10,3 -1.9,9,5 -1.9,14,11 -1.9,18,19 1.9,6,5 -1.9,5,6 -1.9,12,19 -1.9,9,10 -1.9,10,9 -1.9,5,5 -1.9,11,16 -1.9,11,8 +1.9,11,7 +1.9,15,16 +1.9,6,8 +1.9,6,9 +1.9,12,13 +1.9,13,8 1.9,7,4 -1.9,9,9 -1.9,7,16 -1.9,8,9 -1.9,12,14 1.9,6,4 -1.9,12,15 -1.9,6,6 -1.9,5,3 -1.9,8,11 -1.9,7,6 -1.9,6,3 -1.9,8,11 -1.9,7,3 -1.9,10,9 -1.9,10,8 -1.9,8,1 -1.9,13,12 -1.9,7,4 -1.9,5,6 -1.9,9,4 -1.9,11,11 -1.9,13,17 -1.9,14,17 -1.9,10,1 -1.9,13,13 -1.9,9,9 -1.9,5,6 -1.9,7,3 -1.9,8,4 -1.9,9,6 -1.9,10,13 -1.9,9,10 -1.9,10,13 1.9,7,8 -1.9,11,8 -1.9,10,4 -1.9,8,10 -1.9,6,8 -1.9,7,7 -1.9,10,13 -1.9,5,4 -1.9,9,10 -1.9,8,6 -1.9,8,6 -1.9,7,7 -1.9,10,3 +1.9,13,14 1.9,8,9 -1.9,7,5 -1.9,5,4 -1.9,8,6 -1.9,5,2 -1.9,11,8 -1.9,7,9 -1.9,8,5 -1.9,10,10 -1.9,8,8 -1.9,14,9 -1.9,10,7 -1.9,4,5 -1.9,15,14 -1.9,9,6 -1.9,20,17 -1.9,12,11 -1.9,6,9 -1.9,8,4 -1.9,4,5 -1.9,6,7 -1.9,8,4 -1.9,3,3 -1.9,3,2 -1.9,14,20 -2,8,11 -2,7,5 -2,7,5 -2,4,8 -2,4,1 -2,7,9 -2,9,10 -2,8,8 -2,10,12 -2,4,2 -2,8,6 -2,3,6 -2,10,14 -2,10,11 -2,9,8 -2,14,14 -2,9,7 -2,8,7 -2,7,4 -2,10,5 -2,7,5 -2,3,3 -2,12,19 -2,12,13 -2,8,5 -2,4,5 -2,10,10 -2,8,8 -2,11,10 -2,12,7 -2,9,11 -2,14,11 -2,5,1 -2,9,5 -2,4,4 -2,8,6 -2,9,9 -2,12,14 -2,6,6 -2,15,15 -2,6,5 -2,8,5 -2,8,6 -2,4,4 -2,6,4 -2,14,8 -2,8,6 -2,8,6 -2,8,6 -2,10,13 -2,11,7 -2,6,7 -2,8,4 -2,6,4 -2,9,6 -2,5,4 -2,10,6 -2,7,4 -2,9,5 -2,3,5 -2,6,5 +1.9,8,11 +1.9,12,15 +1.9,12,15 +1.9,12,10 +1.9,5,1 +1.9,7,4 +1.9,12,7 +1.9,12,9 +1.9,8,6 +1.9,6,6 +1.9,7,6 +1.9,4,2 +1.9,9,8 +2,9,2 +2,9,4 +2,9,7 +2,15,16 +2,5,8 +2,11,5 +2,7,8 +2,8,3 +2,9,7 +2,6,9 +2,10,9 +2,11,8 +2,9,4 2,7,7 -2,7,9 -2,11,10 -2,7,4 -2,14,15 -2,10,8 -2,12,17 +2,10,12 2,7,7 -2,16,9 -2,10,6 -2,7,3 -2,5,3 -2,11,10 +2,18,9 +2,4,7 +2,4,1 +2,9,11 +2,7,6 +2,10,8 2,4,2 -2,9,5 -2,5,4 -2,7,9 -2,8,6 -2,4,6 -2,16,12 -2,8,1 -2,9,5 -2,6,3 -2,8,4 +2,7,4 +2,19,16 +2,9,9 +2,15,13 2,5,7 -2,10,9 -2,11,8 -2,9,8 -2,9,11 -2,6,3 -2,13,13 -2,12,7 -2,6,5 +2,8,7 2,9,9 -2,13,14 -2,7,9 2,8,4 -2,7,6 -2,13,9 -2,11,14 +2,11,9 +2,6,2 +2,7,8 +2,3,3 +2,13,14 +2,9,6 +2,13,16 2,6,5 +2,7,7 +2,10,10 2,8,9 -2,5,4 -2,10,9 -2,9,4 -2,4,8 -2,10,5 -2,10,7 -2,8,5 -2,12,7 -2,7,10 -2,10,13 +2,6,3 +2,13,8 2,9,6 +2,11,8 2,7,5 -2,6,2 -2,8,6 -2,13,10 -2,15,21 -2,12,12 -2,9,5 -2,4,2 +2,8,7 +2,10,13 +2,11,6 +2,6,7 +2,8,12 +2,8,8 +2,12,6 +2,7,2 +2,9,12 2,10,12 +2,5,1 +2,7,5 +2,11,15 +2,8,7 +2,8,4 +2,10,5 +2,8,5 +2,12,13 2,11,7 +2,11,13 +2,8,14 +2,7,7 +2,14,12 +2,13,7 +2,8,11 +2,10,12 +2,9,5 +2,6,4 +2,13,15 +2,12,10 +2,5,4 +2,8,7 +2,1,1 +2,7,6 +2,13,17 2,8,6 -2,10,8 +2,11,6 +2,4,5 +2,9,4 +2,7,6 +2,8,14 +2,11,7 2,7,8 +2,14,14 +2,6,4 2,7,5 -2,10,10 -2,11,9 -2,6,2 +2,10,9 +2,8,3 +2,10,9 +2,16,12 +2,2,4 2,10,5 -2,2,3 -2,5,7 -2,7,4 -2,10,11 -2,4,3 +2,12,9 +2,13,20 +2,2,0 2,10,7 -2,11,8 +2,7,5 +2,10,9 2,9,7 -2,16,18 -2,10,5 -2,14,8 -2,12,9 -2,7,6 -2,14,8 -2,9,5 -2,6,5 -2,10,16 -2,6,4 -2,8,8 +2,10,13 +2,15,17 +2,10,14 +2,4,4 2,10,7 -2,6,4 +2,9,6 +2,16,17 +2,16,13 +2,10,5 +2,10,6 2,8,6 -2,11,11 +2,9,7 +2,7,2 +2,10,13 +2,9,5 +2,9,8 +2,15,12 +2,5,6 +2,5,5 +2,6,2 +2,7,2 +2,10,10 +2,7,2 +2,10,11 +2,7,9 +2,10,11 2,7,8 -2,5,3 -2,12,15 -2,14,12 -2,9,6 +2,2,6 +2,8,8 2,10,11 +2,12,12 2,8,6 +2,8,12 +2,9,5 +2,7,6 +2,3,1 +2,12,14 +2,11,8 +2,7,4 +2,12,14 +2,14,9 +2,7,5 +2,8,11 +2,2,3 +2,8,4 2,10,7 -2,8,7 -2,11,11 -2,11,16 -2,10,10 -2,4,3 -2,7,7 -2,14,12 -2,8,7 -2,12,10 -2,4,6 -2,13,13 -2,3,3 -2,6,4 -2,10,6 2,10,8 -2,8,6 -2,16,15 -2,7,4 -2,5,8 -2,10,12 -2,9,10 -2,11,12 -2,8,13 -2,3,1 -2,4,4 -2,13,15 -2,16,16 -2,10,11 -2,6,6 +2,9,8 2,7,8 -2,6,1 -2,5,2 -2,13,6 -2,9,6 -2,8,9 +2,11,7 +2,14,9 +2,8,5 2,6,6 +2,7,6 +2,12,10 +2,12,18 +2,9,4 +2,12,10 +2,7,9 +2,10,5 +2,12,11 +2,16,23 +2,7,7 +2,9,5 +2,9,9 +2,5,4 +2,9,5 +2,9,8 +2,10,12 +2,13,9 +2,14,15 +2,4,2 +2,7,6 +2,4,2 +2,7,7 +2,9,7 +2,12,5 2,11,9 -2,11,12 -2,10,15 -2,7,5 -2,9,6 +2,10,11 +2,9,7 +2,13,6 +2,7,7 +2,13,6 2,7,8 -2,6,4 -2,4,6 -2,9,9 -2,13,17 -2,8,7 -2,10,10 -2,3,3 -2,13,14 -2,13,9 -2,8,6 -2,12,7 -2,8,15 -2,6,3 -2,4,5 +2,9,11 +2,6,9 2,11,11 +2,9,15 +2,6,5 +2,14,16 +2,13,7 2,3,3 -2,14,6 -2,4,1 -2,9,1 -2,14,17 -2,13,4 -2,6,6 +2,8,4 +2,11,11 +2,5,11 +2,4,3 +2,9,7 +2,7,4 +2,7,6 2,7,2 -2,11,10 +2,10,10 +2,7,6 +2,11,16 +2,7,6 2,8,7 -2,4,2 -2,5,8 -2,12,10 +2,9,8 2,10,5 -2,12,10 -2,10,15 -2,7,3 -2,6,1 +2,10,6 +2,5,2 2,7,6 -2,4,4 -2,9,8 -2,8,4 -2,4,4 -2,11,6 -2,6,8 2,9,6 +2,10,8 +2,2,0 +2,5,4 +2,8,9 +2,11,4 +2,14,14 +2,9,10 +2,8,8 +2,6,2 +2,3,0 +2,7,6 2,8,6 -2,5,5 -2,7,4 -2,6,3 +2,10,11 +2,12,9 +2,6,6 +2,9,8 +2,10,13 +2,15,10 +2,12,17 +2,5,3 +2,13,11 +2,6,6 +2,5,4 +2,12,8 +2,8,7 +2,9,3 +2,18,20 +2,6,6 +2,10,7 +2,16,16 +2,10,8 +2,8,9 +2,8,9 +2,11,13 +2,12,14 +2,6,7 +2,10,11 +2,3,3 +2,12,8 +2,9,7 +2,7,9 +2,8,4 2,12,13 -2,8,8 -2,6,3 -2,2,2 -2,7,7 +2,9,6 +2,13,12 +2,5,4 2,11,9 -2,9,2 -2,8,8 -2,10,8 2,10,12 -2,8,7 -2,8,7 -2,16,10 -2,10,9 -2,12,5 -2,12,5 2,8,5 +2,5,4 +2,10,12 +2,9,12 +2,8,4 +2,7,7 +2,5,5 +2,14,10 +2,8,7 +2,11,4 +2,9,8 +2,6,7 +2,10,6 +2,14,19 +2,7,3 +2,7,5 +2,11,7 +2,9,3 +2,7,9 +2,11,8 +2,7,9 2,7,6 +2,10,7 +2,9,4 +2,6,9 +2,11,12 +2,14,15 +2,15,18 +2,8,2 +2,9,15 2,8,5 -2,6,5 -2,6,6 -2,8,9 -2,7,3 +2,7,10 2,8,6 -2,9,9 -2,4,7 -2,12,11 -2,7,4 2,9,10 -2,7,9 +2,9,5 +2,7,3 +2,7,7 +2,9,8 +2,9,4 +2,8,10 +2,10,12 +2,6,5 +2,13,11 2,8,8 -2,8,9 -2,10,7 +2,10,11 +2,9,13 2,9,7 +2,8,8 +2,6,5 +2,9,9 +2,4,4 +2,8,12 +2,7,7 +2,5,7 +2,5,6 +2,8,7 +2,10,6 2,6,3 -2,10,7 -2,12,8 -2,10,4 -2,5,2 -2,7,13 -2,3,1 -2,16,18 -2,8,5 -2,4,5 -2,11,13 -2,10,10 -2,8,11 -2,15,9 -2,12,6 -2,13,12 -2,11,8 +2,6,7 +2,6,5 +2,6,4 +2,6,6 +2,10,9 2,8,9 +2,10,8 +2,5,0 2,9,8 -2,6,3 +2,7,4 +2,11,11 +2,7,6 2,7,6 -2,8,13 -2,9,8 -2,9,7 -2,8,10 -2,7,9 -2,8,5 -2,7,7 -2,10,5 -2,14,13 2,4,2 -2,12,9 -2,10,8 -2,6,1 -2,13,13 -2,8,10 -2,6,4 -2,9,12 -2,7,7 -2,15,12 -2,7,7 -2,12,13 -2,9,11 -2,9,4 +2,8,9 +2,15,11 2,11,9 -2,6,8 -2,12,10 -2,13,10 -2,8,6 -2,9,5 -2,6,8 -2,13,13 -2,8,5 +2,7,3 +2,7,2 +2,7,9 +2,12,14 +2,12,12 +2,10,11 +2,18,20 +2,10,9 +2,4,4 2,8,6 -2,12,9 +2,6,11 2,11,9 -2,6,6 +2,6,5 +2,9,9 +2,9,8 +2,9,6 +2,8,2 +2,6,3 +2,6,7 +2,14,12 +2,5,2 +2,4,4 +2,15,8 +2,12,8 +2,9,5 +2,4,7 +2,9,9 +2,14,13 +2,8,9 +2,4,5 +2,9,6 2,5,5 -2,8,7 -2,15,11 -2,15,11 -2,5,7 -2,7,7 -2,9,8 +2,10,8 +2,9,9 +2,18,16 +2,11,4 +2,11,7 2,10,3 -2,6,8 -2,6,4 -2,4,3 -2,9,7 -2,6,4 -2,8,8 -2,11,11 -2,12,7 +2,10,8 +2,3,4 +2,8,14 +2,12,9 +2,10,9 +2,6,5 +2,5,4 +2,8,9 2,11,7 +2,5,5 2,9,4 -2,5,6 -2,9,7 -2,17,14 -2,8,5 2,9,9 +2,8,3 +2,6,10 +2,9,7 +2,11,13 +2,12,12 +2,7,6 +2,7,8 +2,11,15 +2,5,5 +2,9,3 2,8,8 -2,8,16 -2,8,12 -2,6,9 -2,10,6 -2,4,4 -2,10,7 -2,6,4 +2,13,14 +2,13,16 +2,2,1 +2,10,11 +2,7,4 +2,3,0 +2,11,6 +2,8,3 +2,11,9 +2,10,12 +2,5,2 +2,7,3 2,13,15 -2,8,4 +2,8,10 +2,8,5 +2,10,10 +2,11,5 +2,8,9 +2,7,6 +2,10,12 +2,9,11 +2,10,12 +2,10,17 +2,10,7 +2,9,11 +2,8,11 +2,5,7 +2,11,9 +2,16,13 +2,9,11 +2,10,8 +2,11,9 +2,7,5 +2,6,1 2,7,3 -2,9,3 -2,9,12 +2,6,5 +2,4,3 2,8,8 -2,10,8 -2,13,7 -2,10,16 -2,9,11 +2,10,6 +2,15,9 +2,10,5 +2,8,11 2,7,6 +2,7,6 +2,3,4 2,7,5 -2,9,9 -2,5,7 -2,6,6 -2,8,10 -2,6,7 +2,12,9 +2,11,8 +2,12,12 +2,9,10 +2,10,9 +2,6,9 +2,11,3 2,9,6 +2,4,5 +2,8,10 2,9,5 -2,7,6 -2,5,6 -2,9,5 -2,13,14 -2,7,7 +2,11,16 +2,12,10 +2,7,3 +2,10,7 +2,8,9 +2,3,4 +2,10,10 2,6,4 2,10,3 +2,5,4 +2,6,3 +2,8,9 2,7,5 -2,7,8 -2,3,2 2,6,6 -2,12,15 -2,5,3 -2,7,2 -2,5,3 -2,14,15 -2,10,4 -2,9,10 +2,11,8 +2,10,6 +2,5,4 +2,13,17 +2,10,14 +2,6,6 2,9,8 -2,9,7 -2,9,9 -2,8,5 -2,12,6 -2,9,7 -2,8,8 -2,8,5 -2,11,5 -2,4,4 -2,9,11 -2,10,13 -2,9,4 -2,8,5 -2,8,4 -2,8,4 -2,7,3 +2,6,6 +2,2,3 +2,12,8 2,5,3 +2,8,7 +2,17,15 +2,5,5 +2,6,7 +2,8,9 +2,4,2 +2,12,15 +2,11,10 2,8,8 -2,10,12 -2,10,7 -2,7,5 -2,7,3 -2,9,5 -2,12,10 -2,10,13 -2,7,14 +2,11,7 2,8,4 -2,8,8 -2,4,5 -2,10,10 -2,9,10 -2,5,1 -2,9,6 -2,10,6 -2,9,11 +2,12,10 +2,15,16 +2,8,9 +2,15,16 +2,11,8 2,5,3 -2,12,9 +2,11,11 +2,12,7 +2,8,6 +2,6,7 +2,10,10 2,8,7 -2,5,3 +2,7,11 +2,13,9 +2,9,10 2,7,5 -2,10,6 -2,15,11 +2,4,5 +2,4,5 +2,9,11 2,11,11 -2,15,14 -2,10,11 +2,9,7 +2,9,7 +2,5,6 +2,7,9 +2,7,11 +2,11,13 +2,6,5 +2,7,11 +2,4,0 +2,7,5 +2,14,15 +2,5,4 +2,9,9 +2,16,18 +2,14,18 +2,13,13 +2,4,4 +2,9,8 +2,9,10 +2,12,13 +2,5,2 +2,12,14 +2,10,2 +2,8,9 +2,11,7 +2,9,7 +2,7,3 +2,11,9 +2,4,3 +2,7,8 +2,7,6 +2,7,7 +2,5,5 +2,9,12 +2,5,8 +2,11,4 +2,7,7 +2,3,2 +2,7,7 +2,11,6 +2,9,9 +2,9,5 +2,6,4 +2,7,7 +2,7,7 +2,6,6 +2,10,9 +2,6,5 +2,12,15 +2,9,8 +2,12,7 +2,9,5 +2,13,9 +2,5,5 +2,14,12 +2,6,5 +2,12,19 +2,11,7 +2,3,2 +2,7,3 +2,9,6 +2,15,6 +2,6,8 2,8,8 -2,10,5 -2,12,14 +2,11,6 2,6,3 -2,11,8 2,8,6 +2,12,15 2,5,4 -2,9,7 -2,10,14 -2,10,10 -2,11,7 -2,7,8 -2,9,8 -2,7,4 -2,3,2 -2,10,10 -2,11,4 +2,8,5 +2,8,5 +2,7,6 +2,10,7 +2,11,13 +2,6,6 +2,13,8 +2,6,3 +2,7,6 +2,9,9 2,7,8 -2,5,3 -2,8,4 -2,12,8 -2,8,9 -2,9,3 -2,13,10 -2,9,7 -2,6,8 -2,9,11 +2,11,12 +2,7,3 +2,15,17 2,9,4 -2,14,19 -2,14,13 -2,10,5 -2,8,6 -2,10,7 -2,8,1 -2,6,2 -2,7,9 +2,7,5 +2,14,14 +2,8,8 +2,13,8 +2,6,4 +2,7,5 +2,8,12 2,11,9 -2,12,6 +2,10,11 +2,5,6 +2,4,5 +2,7,5 +2,14,8 +2,10,7 +2,10,8 +2,8,10 +2,7,6 +2,9,11 +2,11,13 +2,9,4 +2,13,9 +2,10,8 +2,5,1 +2,4,5 +2,7,14 +2,2,2 2,11,9 -2,4,4 -2,4,3 -2,2,3 -2,5,3 -2,10,6 -2,6,1 -2,3,5 -2,5,4 -2,6,10 +2,11,7 +2,7,10 2,8,9 -2,11,10 -2,6,4 -2,6,5 -2,11,10 -2,13,16 -2,5,7 -2,5,4 -2,8,6 -2,8,13 +2,5,3 +2,9,7 +2,11,11 2,15,13 -2,8,8 -2,13,9 -2,12,5 -2,7,2 -2,6,5 +2,4,2 +2,7,5 +2,10,7 +2,6,3 +2,7,3 +2,11,8 +2,12,15 2,8,7 -2,12,8 +2,14,9 +2,10,13 +2,7,11 +2,9,8 2,8,5 -2,15,16 -2,4,3 -2,8,8 -2,8,8 -2,10,10 -2,9,9 -2,10,17 +2,4,7 +2,5,4 +2,5,6 +2,2,2 2,9,6 2,13,9 -2,9,3 -2,17,17 -2,8,5 -2,7,6 -2,14,13 -2,7,7 -2,10,3 -2,11,9 -2,12,9 2,13,10 +2,2,2 +2,5,5 2,10,6 -2,10,12 2,9,6 -2,14,10 -2,13,10 +2,10,14 2,5,4 -2,6,5 -2,6,6 -2,10,8 -2,6,3 -2,5,6 +2,14,9 2,6,4 -2,9,10 -2,6,5 -2,13,6 -2,5,2 -2,15,18 -2,8,4 -2,7,4 -2,11,12 -2,12,14 -2,13,12 -2,11,11 +2,8,6 +2,12,18 +2,11,14 +2,11,10 +2,10,6 +2,13,11 +2,10,13 2,9,8 -2,6,6 -2,10,5 -2,8,7 -2,8,5 -2,11,3 -2,10,10 -2,7,5 +2,11,12 +2,11,15 +2,12,5 +2,5,7 2,5,3 +2,7,6 +2,13,8 2,14,10 -2,5,4 -2,8,8 -2,12,6 -2,12,22 +2,10,10 +2,8,6 +2,10,8 2,6,4 -2,7,5 -2,15,12 -2,3,3 -2,6,3 -2,11,7 -2,12,13 -2,7,2 -2,14,11 -2,11,10 -2,7,3 -2,9,10 -2,7,3 -2,16,20 +2,8,8 +2,9,7 2,7,2 -2,10,12 -2,3,3 -2,6,7 -2,12,8 -2,11,7 -2,12,4 -2,16,24 -2,3,2 -2,7,9 -2,11,11 -2,14,15 -2,6,6 -2,5,6 -2,6,4 -2,5,3 -2,6,2 -2,8,7 -2,5,6 -2,5,6 -2,13,7 +2,7,5 +2,5,2 2,7,7 +2,15,11 +2,10,6 +2,5,5 +2,8,3 +2,7,8 +2,10,7 +2,9,6 +2,8,10 +2,5,0 +2,7,4 +2,9,4 +2,10,7 +2,7,4 +2,10,7 +2,10,11 +2,10,13 +2,11,11 +2,6,5 +2,11,9 2,12,11 -2,7,9 -2,5,1 -2,4,4 -2,11,14 -2,11,5 -2,13,11 +2,9,6 +2,6,6 +2,6,5 +2,14,12 +2,5,7 +2,7,6 +2,6,5 +2,5,4 +2,9,5 +2,5,4 +2,8,5 +2,3,4 2,6,4 -2,11,7 -2,5,2 -2,10,5 -2,12,12 -2,9,8 -2,8,10 -2,11,6 -2,6,7 -2,7,5 -2,6,2 +2,2,6 +2,12,7 +2,8,4 +2,6,4 +2,8,6 2,8,5 -2,8,14 -2,9,7 +2,12,10 +2,12,10 +2,5,6 2,10,8 -2,12,13 -2,8,7 -2,6,5 -2,7,9 -2,4,3 -2,11,10 +2,8,8 +2,5,7 +2,13,16 +2,2,2 2,7,8 -2,9,12 2,6,5 -2,7,7 -2,13,12 -2,9,12 -2,8,8 -2,14,13 -2,14,10 -2,8,7 -2,8,12 +2,4,5 +2,10,4 2,6,3 -2,9,12 -2,5,11 +2,10,13 +2,8,5 +2,6,2 2,10,4 -2,7,11 -2,6,6 -2,14,10 +2,9,8 +2,12,5 +2,8,8 +2,10,6 +2,7,8 +2,3,3 +2,8,11 +2,6,5 +2,5,7 +2,7,4 +2,4,5 +2,5,3 +2,5,3 +2,7,4 +2,9,8 +2,9,8 2,9,10 -2,10,7 +2,7,4 +2,12,13 +2,12,9 +2,9,3 2,8,7 -2,9,6 -2,13,14 -2,9,7 -2,13,14 -2,8,6 +2,11,9 +2,12,12 +2,7,2 +2,10,10 +2,16,17 +2,9,3 2,7,8 -2,6,8 -2,12,11 +2,16,13 +2,5,5 2,13,10 -2,11,11 -2,8,10 -2,7,7 -2,8,6 -2,8,4 -2,13,9 +2,13,12 2,7,8 -2,10,6 -2,9,14 -2,8,10 -2,5,1 -2,5,3 -2,11,14 -2,10,9 -2,11,11 +2,10,4 2,8,7 -2,8,10 -2,13,13 -2,8,10 -2,7,4 -2,12,10 -2,11,7 -2,12,11 -2,2,1 +2,7,11 2,10,11 -2,11,18 -2,9,9 -2,9,6 -2,9,14 -2,10,12 -2,11,15 -2,5,2 -2,7,4 -2,8,10 -2,13,6 -2,5,4 +2,13,13 2,10,10 -2,6,6 -2,11,11 -2,7,8 -2,11,12 -2,7,9 -2,13,17 -2,6,2 -2,6,10 -2,11,9 -2,5,3 2,9,10 -2,8,4 -2,4,5 -2,11,6 -2,6,10 -2,5,3 -2,13,11 -2,6,0 -2,11,6 -2,18,21 -2,5,7 -2,5,7 -2,12,18 -2,15,7 -2,5,5 -2,8,5 -2,3,1 -2,8,11 -2,7,7 +2,7,8 +2,8,10 +2,13,10 2,5,5 -2,9,10 -2,4,4 -2,12,8 -2,8,12 -2,10,15 -2,11,5 -2,4,4 -2,7,3 -2,15,15 -2,6,6 -2,11,7 -2,11,9 -2,6,3 -2,9,7 -2,6,1 -2,7,6 -2,7,6 -2,9,9 -2,9,1 +2,13,11 +2,10,10 +2,15,11 +2,8,9 +2,4,8 +2,14,13 +2,12,14 2,7,2 -2,14,9 -2,10,6 -2,13,16 -2,7,3 -2,6,9 -2,9,6 -2,8,3 -2,9,8 2,11,8 -2,9,8 -2,10,8 -2,9,8 -2,8,6 -2,10,11 -2,12,14 -2,6,6 -2,7,5 -2,6,8 -2,10,7 -2,9,6 -2,11,6 -2,1,3 -2,8,8 -2,7,5 -2,11,4 -2,14,5 -2,3,7 -2,7,7 -2,8,6 -2,8,3 -2,7,7 -2,12,10 -2,8,2 -2,7,12 -2,10,16 -2,8,6 -2,10,12 -2,8,3 -2,5,4 -2,6,5 -2,8,3 -2,10,9 -2,14,14 -2,6,7 -2,9,4 -2,6,8 -2,8,10 2,9,7 -2,11,6 -2,6,6 -2,9,11 -2,11,6 -2,15,11 -2,4,2 -2,10,3 -2,17,22 +2,4,9 +2,3,2 +2,11,7 2,8,6 -2,12,11 -2,10,9 -2,11,8 -2,3,5 -2,12,9 -2,6,9 -2,12,8 -2,6,5 -2,14,17 -2,10,5 -2,10,12 -2,8,11 -2,11,8 -2,10,9 -2,12,8 -2,7,8 -2,7,3 -2,7,8 -2,10,12 -2,11,8 -2,6,4 -2,10,8 -2,4,4 -2,8,12 2,5,3 -2,10,8 -2,11,14 -2,5,2 -2,5,5 -2,9,8 -2,18,17 -2,11,10 -2,9,7 +2,14,14 +2,11,11 +2,12,10 +2,12,14 2,12,13 -2,13,9 -2,15,5 -2,10,8 -2,9,8 +2,6,4 +2,9,7 +2,8,3 +2,4,5 +2,10,9 +2,12,7 +2,6,3 +2,6,3 +2,8,7 +2,9,10 2,11,10 -2,16,13 -2,12,15 -2,11,15 -2,12,9 +2,8,10 2,9,3 -2,8,5 -2,14,10 -2,10,9 -2,12,9 +2,12,12 +2,8,10 +2,6,2 +2,6,3 +2,3,3 +2,6,4 2,6,5 -2,9,9 -2,9,9 -2,9,9 -2,4,5 -2,6,7 +2,9,6 +2,13,9 +2,11,8 +2,10,6 +2,16,12 +2,11,10 +2,7,8 +2,10,5 +2,9,6 +2,10,10 +2,11,11 +2,7,10 +2,6,6 2,8,5 -2,10,8 +2,7,8 +2,12,11 2,7,4 -2,13,9 -2,11,7 -2,12,9 -2,5,8 -2,18,18 -2,5,0 -2,9,9 -2,12,10 +2,9,5 +2,9,8 2,5,3 +2,13,14 +2,2,3 +2,6,6 2,8,9 -2,10,12 -2,11,15 -2,11,8 +2,9,7 2,8,5 -2,20,15 2,9,9 -2,5,4 -2,8,3 -2,14,18 -2,7,1 -2,11,7 -2,12,14 -2,8,5 -2,8,3 -2,9,13 -2,4,5 -2,13,5 -2,10,7 -2,5,1 -2,8,3 -2,8,6 2,6,5 -2,6,6 -2,6,4 -2,12,7 -2,10,4 +2,13,12 2,8,9 -2,10,6 -2,8,6 -2,6,4 -2,10,7 -2,5,5 2,7,6 -2,14,10 -2,10,11 +2,10,20 +2,10,9 +2,13,10 +2,12,3 +2,6,4 +2,9,8 +2,12,11 +2,11,9 2,11,14 2,6,8 -2,6,4 -2,7,7 +2,8,7 +2,15,13 +2,5,2 +2,7,4 +2,11,10 +2,8,8 +2,8,3 +2,10,7 +2,7,5 +2,3,2 +2,6,5 +2,6,7 +2,10,10 +2,4,3 +2,10,7 2,5,3 -2,9,7 -2,7,10 -2,4,2 -2,7,6 -2,4,2 -2,8,9 -2,14,5 -2,9,4 -2,7,3 -2,9,2 +2,9,6 2,6,8 -2,12,9 -2,9,7 +2,5,5 +2,10,8 +2,5,4 +2,6,7 +2,7,3 +2,7,3 +2,1,1 +2,7,8 +2,8,6 +2,7,4 +2,7,9 +2,13,12 +2,10,9 +2,7,3 +2,10,13 +2,7,1 +2,12,18 +2,6,3 +2,5,3 +2,12,11 +2,10,7 +2,9,8 +2,5,3 +2,8,4 +2,7,4 +2,6,9 +2,14,10 +2,7,13 +2,13,12 +2,13,12 2,7,5 +2,10,13 +2,12,11 +2,12,12 +2,4,6 +2,12,15 2,7,7 -2,10,7 -2,11,10 -2,5,6 -2,10,3 -2,11,8 -2,8,6 -2,6,7 2,9,6 -2,5,2 -2,11,12 -2,10,9 +2,7,4 +2,9,8 +2,6,5 +2,7,6 +2,7,4 2,8,7 -2,8,8 +2,3,0 +2,7,4 +2,9,9 +2,8,5 +2,8,13 +2,11,6 +2,11,11 +2,6,6 +2,10,7 2,7,6 -2,6,4 +2,11,5 +2,10,6 +2,7,6 +2,7,9 2,8,4 -2,10,5 -2,10,9 -2,15,13 -2,12,7 -2,9,9 +2,9,3 +2,7,2 +2,9,7 +2,2,3 +2,12,8 +2,7,9 +2,7,6 +2,9,8 2,11,7 -2,12,4 -2,11,12 -2,7,8 +2,7,4 +2,11,13 2,12,10 -2,11,6 -2,13,18 -2,4,2 -2,12,14 -2,7,7 -2,7,7 +2,6,3 +2,9,7 +2,12,5 2,11,10 -2,9,8 -2,14,11 -2,10,10 -2,10,8 -2,7,2 -2,9,9 -2,5,5 -2,6,6 -2,9,6 -2,6,2 -2,7,7 -2,5,2 -2,9,13 -2,9,8 -2,9,10 +2,5,4 +2,12,8 +2,3,2 +2,7,9 2,6,4 -2,8,3 -2,4,2 -2,11,9 -2,7,6 -2,8,9 -2,11,10 -2,6,10 -2,7,2 +2,13,16 +2,11,14 2,7,6 -2,8,8 +2,6,3 +2,7,3 +2,7,11 +2,7,7 +2,7,3 +2,11,8 +2,3,0 +2,11,11 +2,9,3 +2,6,4 +2,8,10 +2,12,11 +2,9,6 +2,11,1 +2,11,8 +2,7,3 +2,10,6 +2,12,13 +2,6,3 +2,8,7 +2,4,4 +2,10,9 2,6,6 -2,8,11 -2,7,6 +2,8,9 +2,6,7 +2,9,5 +2,6,4 +2,10,6 +2,3,1 +2,8,5 +2,8,7